diff options
author | Anthony Barbier <anthony.barbier@arm.com> | 2017-05-04 09:15:15 +0100 |
---|---|---|
committer | Anthony Barbier <anthony.barbier@arm.com> | 2017-05-04 09:17:58 +0100 |
commit | 46d5927c3461ec270de8b0fc087ac5dc2431488f (patch) | |
tree | 2393795ba60a59158c3a62ae014ddc3a03b995e7 | |
parent | c772c0b2ecfe76cac5867915fdc296d14bb829a2 (diff) | |
download | armcl-46d5927c3461ec270de8b0fc087ac5dc2431488f.tar.gz armcl-46d5927c3461ec270de8b0fc087ac5dc2431488f.tar.bz2 armcl-46d5927c3461ec270de8b0fc087ac5dc2431488f.zip |
arm_compute v17.05
1489 files changed, 10801 insertions, 10899 deletions
diff --git a/LICENSE b/LICENSE deleted file mode 100644 index 75c040b9a..000000000 --- a/LICENSE +++ /dev/null @@ -1,21 +0,0 @@ -MIT License - -Copyright (c) 2017 ARM Software - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. @@ -1,9 +1,17 @@ Please report issues here: https://github.com/ARM-software/ComputeLibrary/issues -Documentation available here: [v17.04](https://arm-software.github.io/ComputeLibrary/v17.04/) [v17.03.1](https://arm-software.github.io/ComputeLibrary/v17.03.1/) +Documentation available here: -Binaries available here: [v17.04](https://github.com/ARM-software/ComputeLibrary/releases/download/v17.04/arm_compute-v17.04-bin.tar.gz) [v17.03.1](https://github.com/ARM-software/ComputeLibrary/releases/download/v17.03.1/arm_compute-v17.03.1-bin.tar.gz) +- [v17.05](https://arm-software.github.io/ComputeLibrary/v17.05/) +- [v17.04](https://arm-software.github.io/ComputeLibrary/v17.04/) +- [v17.03.1](https://arm-software.github.io/ComputeLibrary/v17.03.1/) + +Binaries available here: + +- [v17.05](https://github.com/ARM-software/ComputeLibrary/releases/download/v17.05/arm_compute-v17.05-bin.tar.gz) +- [v17.04](https://github.com/ARM-software/ComputeLibrary/releases/download/v17.04/arm_compute-v17.04-bin.tar.gz) +- [v17.03.1](https://github.com/ARM-software/ComputeLibrary/releases/download/v17.03.1/arm_compute-v17.03.1-bin.tar.gz) Support: developer@arm.com diff --git a/SConstruct b/SConstruct index 7a1caa32b..693ad68a3 100644 --- a/SConstruct +++ b/SConstruct @@ -20,4 +20,32 @@ # OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE # SOFTWARE. -SConscript('sconscript', variant_dir='build', duplicate=0) +import os + +vars = Variables("scons") +vars.AddVariables( + BoolVariable("debug", "Debug", False), + BoolVariable("asserts", "Enable asserts (this flag is forced to 1 for debug=1)", False), + EnumVariable("arch", "Target Architecture", "armv7a", allowed_values=("armv7a", "arm64-v8a", "arm64-v8.2-a", "x86_32", "x86_64")), + EnumVariable("os", "Target OS", "linux", allowed_values=("linux", "android", "bare_metal")), + EnumVariable("build", "Build type", "cross_compile", allowed_values=("native", "cross_compile")), + BoolVariable("Werror", "Enable/disable the -Werror compilation flag", True), + BoolVariable("opencl", "Enable OpenCL support", True), + BoolVariable("neon", "Enable Neon support", False), + BoolVariable("embed_kernels", "Embed OpenCL kernels in library binary", False), + BoolVariable("set_soname", "Set the library's soname and shlibversion (requires SCons 2.4 or above)", False), + BoolVariable("openmp", "Enable OpenMP backend", False), + BoolVariable("cppthreads", "Enable C++11 threads backend", True), + PathVariable("build_dir", "Specify sub-folder for the build", ".", PathVariable.PathIsDirCreate), + ("extra_cxx_flags", "Extra CXX flags to be appended to the build command", "") +) + +env = Environment(platform='posix', variables = vars, ENV = os.environ) + +Help(vars.GenerateHelpText(env)) + +Export('vars') +Export('env') + +if not GetOption("help"): + SConscript('sconscript', variant_dir='#build/%s/arm_compute' % env['build_dir'], duplicate=0) diff --git a/arm_compute/core/CL/ICLTensor.h b/arm_compute/core/CL/ICLTensor.h index 301f66667..abc013137 100644 --- a/arm_compute/core/CL/ICLTensor.h +++ b/arm_compute/core/CL/ICLTensor.h @@ -43,6 +43,9 @@ public: ICLTensor(); ICLTensor(const ICLTensor &) = delete; ICLTensor &operator=(const ICLTensor &) = delete; + ICLTensor(ICLTensor &&) = default; + ICLTensor &operator=(ICLTensor &&) = default; + virtual ~ICLTensor() = default; /** Interface to be implemented by the child class to return a reference to the OpenCL buffer containing the image's data. * diff --git a/arm_compute/core/CL/OpenCL.h b/arm_compute/core/CL/OpenCL.h index 9d39e5dfa..2fae35c97 100644 --- a/arm_compute/core/CL/OpenCL.h +++ b/arm_compute/core/CL/OpenCL.h @@ -35,4 +35,9 @@ namespace cl { static const NDRange Range_128_1 = NDRange(128, 1); } + +namespace arm_compute +{ +bool opencl_is_available(); +} #endif /* __ARM_COMPUTE_OPENCL_H__ */ diff --git a/arm_compute/core/CL/kernels/CLGEMMInterleave4x4Kernel.h b/arm_compute/core/CL/kernels/CLGEMMInterleave4x4Kernel.h index 498f9cf6e..3ac7b3c4f 100644 --- a/arm_compute/core/CL/kernels/CLGEMMInterleave4x4Kernel.h +++ b/arm_compute/core/CL/kernels/CLGEMMInterleave4x4Kernel.h @@ -47,7 +47,7 @@ class ICLTensor; * \end{array} \right) * @f] * - * After this operation, the output matrix will have the following shape: [ height * 4, width / 4 ] + * After this operation, the output matrix will have the following shape: [ height * 4, ceil(width / 4.0f) ] */ class CLGEMMInterleave4x4Kernel : public ICLKernel { @@ -64,7 +64,7 @@ public: CLGEMMInterleave4x4Kernel &operator=(CLGEMMInterleave4x4Kernel &&) = default; /** Initialise the kernel's input and output. * - * @param[in] input Input tensor. Data types supported: U8/F16/F32 + * @param[in] input Input tensor. Data types supported: U8/S8/U16/S16/F16/U32/S32/F32 * @param[out] output Output tensor. Data type supported: same as @p input */ void configure(const ICLTensor *input, ICLTensor *output); diff --git a/arm_compute/core/Helpers.h b/arm_compute/core/Helpers.h index 75684ce40..a84ce2c25 100644 --- a/arm_compute/core/Helpers.h +++ b/arm_compute/core/Helpers.h @@ -183,13 +183,26 @@ inline void for_each(F &&func, T &&arg, Ts &&... args) for_each(func, args...); } -/** Base case of foldl. Return value. */ +/** Base case of foldl. + * + * @return value. + */ template <typename F, typename T> -inline T foldl(F &&, T &&value) +inline T foldl(F &&, const T &value) { return value; } +/** Base case of foldl. + * + * @return Function evaluation for value1 and value2 + */ +template <typename F, typename T, typename U> +inline auto foldl(F &&func, T &&value1, U &&value2) -> decltype(func(value1, value2)) +{ + return func(value1, value2); +} + /** Fold left. * * @param[in] func Function to be called @@ -197,10 +210,10 @@ inline T foldl(F &&, T &&value) * @param[in] value Argument passed to the function * @param[in] values Remaining arguments */ -template <typename F, typename I, typename T, typename... Ts> -inline I foldl(F &&func, I &&initial, T &&value, Ts &&... values) +template <typename F, typename I, typename T, typename... Vs> +inline I foldl(F &&func, I &&initial, T &&value, Vs &&... values) { - return foldl(func, func(initial, value), values...); + return foldl(std::forward<F>(func), func(std::forward<I>(initial), std::forward<T>(value)), std::forward<Vs>(values)...); } } diff --git a/arm_compute/core/NEON/NEMath.h b/arm_compute/core/NEON/NEMath.h index bf27f116e..d40e0c32c 100644 --- a/arm_compute/core/NEON/NEMath.h +++ b/arm_compute/core/NEON/NEMath.h @@ -64,7 +64,7 @@ const std::array<float32x4_t, 8> log_tab = * * @return The calculated inverse square root. */ -inline float32x4_t vinvsqrt_f32(float32x4_t x) +inline float32x4_t vinvsqrtq_f32(float32x4_t x) { float32x4_t sqrt_reciprocal = vrsqrteq_f32(x); sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal); @@ -79,7 +79,7 @@ inline float32x4_t vinvsqrt_f32(float32x4_t x) * * @return The calculated reciprocal. */ -inline float32x4_t vinv_f32(const float32x4_t &x) +inline float32x4_t vinvq_f32(const float32x4_t &x) { float32x4_t recip = vrecpeq_f32(x); recip = vmulq_f32(vrecpsq_f32(x, recip), recip); @@ -94,7 +94,7 @@ inline float32x4_t vinv_f32(const float32x4_t &x) * * @return The calculated approximation. */ -inline float32x4_t vtaylor_poly_f32(const float32x4_t &x, const std::array<float32x4_t, 8> &coeffs) +inline float32x4_t vtaylor_polyq_f32(const float32x4_t &x, const std::array<float32x4_t, 8> &coeffs) { float32x4_t A = vmlaq_f32(coeffs[0], coeffs[4], x); float32x4_t B = vmlaq_f32(coeffs[2], coeffs[6], x); @@ -112,7 +112,7 @@ inline float32x4_t vtaylor_poly_f32(const float32x4_t &x, const std::array<float * * @return The calculated exponent. */ -inline float32x4_t vexp_f32(const float32x4_t &x) +inline float32x4_t vexpq_f32(const float32x4_t &x) { static const float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); // ln(2) static const float32x4_t CONST_INV_LN2 = vdupq_n_f32(1.4426950408f); // 1/ln(2) @@ -122,7 +122,7 @@ inline float32x4_t vexp_f32(const float32x4_t &x) float32x4_t val = vmlsq_f32(x, vcvtq_f32_s32(m), CONST_LN2); // Polynomial Approximation - float32x4_t poly = vtaylor_poly_f32(val, exp_tab); + float32x4_t poly = vtaylor_polyq_f32(val, exp_tab); // Reconstruct poly = vreinterpretq_f32_s32(vaddq_s32(vreinterpretq_s32_f32(poly), vshlq_n_s32(m, 23))); @@ -136,7 +136,7 @@ inline float32x4_t vexp_f32(const float32x4_t &x) * * @return The calculated logarithm. */ -inline float32x4_t vlog_f32(const float32x4_t &x) +inline float32x4_t vlogq_f32(const float32x4_t &x) { static const int32x4_t CONST_127 = vdupq_n_s32(127); // 127 static const float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); // ln(2) @@ -146,7 +146,7 @@ inline float32x4_t vlog_f32(const float32x4_t &x) float32x4_t val = vreinterpretq_f32_s32(vsubq_s32(vreinterpretq_s32_f32(x), vshlq_n_s32(m, 23))); // Polynomial Approximation - float32x4_t poly = vtaylor_poly_f32(val, log_tab); + float32x4_t poly = vtaylor_polyq_f32(val, log_tab); // Reconstruct poly = vmlaq_f32(poly, vcvtq_f32_s32(m), CONST_LN2); @@ -158,19 +158,24 @@ inline float32x4_t vlog_f32(const float32x4_t &x) * * tanh(x) = (e^2x - 1)/(e^2x + 1) * + * @note We clamp x to [-5,5] to avoid overflowing issues. + * * @param val Input vector value in F32 format. * * @return The calculated Hyperbolic Tangent. */ -inline float32x4_t vtanh_f32(const float32x4_t &val) +inline float32x4_t vtanhq_f32(const float32x4_t &val) { - static const float32x4_t CONST_1 = vdupq_n_f32(1.f); // 1.f - static const float32x4_t CONST_2 = vdupq_n_f32(2.f); // 2.f + static const float32x4_t CONST_1 = vdupq_n_f32(1.f); // 1.f + static const float32x4_t CONST_2 = vdupq_n_f32(2.f); // 2.f + static const float32x4_t CONST_MIN_TANH = vdupq_n_f32(-5.f); // -5.f + static const float32x4_t CONST_MAX_TANH = vdupq_n_f32(5.f); // 5.f - float32x4_t exp2x = vexp_f32(vmulq_f32(CONST_2, val)); + float32x4_t x = vminq_f32(vmaxq_f32(val, CONST_MIN_TANH), CONST_MAX_TANH); + float32x4_t exp2x = vexpq_f32(vmulq_f32(CONST_2, x)); float32x4_t num = vsubq_f32(exp2x, CONST_1); float32x4_t den = vaddq_f32(exp2x, CONST_1); - float32x4_t tanh = vmulq_f32(num, vinv_f32(den)); + float32x4_t tanh = vmulq_f32(num, vinvq_f32(den)); return tanh; } @@ -185,7 +190,7 @@ inline float32x4_t vtanh_f32(const float32x4_t &val) */ inline float32x4_t vpowq_f32(const float32x4_t &val, const float32x4_t &n) { - return vexp_f32(vmulq_f32(n, vlog_f32(val))); + return vexpq_f32(vmulq_f32(n, vlogq_f32(val))); } } diff --git a/arm_compute/core/NEON/kernels/NEColorConvertKernel.h b/arm_compute/core/NEON/kernels/NEColorConvertKernel.h index 3913be38e..229721811 100644 --- a/arm_compute/core/NEON/kernels/NEColorConvertKernel.h +++ b/arm_compute/core/NEON/kernels/NEColorConvertKernel.h @@ -82,7 +82,6 @@ private: using ColorConvertFunction = void(const void *__restrict input_ptr, void *__restrict output_ptr, const Window &win); const void *_input; void *_output; - unsigned int _num_elems_processed_per_iteration; ColorConvertFunction *_func; }; } diff --git a/arm_compute/core/NEON/kernels/NEHistogramKernel.h b/arm_compute/core/NEON/kernels/NEHistogramKernel.h index 2da3a0846..c4dbbeae8 100644 --- a/arm_compute/core/NEON/kernels/NEHistogramKernel.h +++ b/arm_compute/core/NEON/kernels/NEHistogramKernel.h @@ -97,13 +97,13 @@ private: * * @param[in] win Region on which to execute the kernel */ - void histogram_U8(const Window &win); + void histogram_U8(Window win); /** Function to perform histogram on the given window where histogram is * of fixed size 256 without ranges and offsets. * * @param[in] win Region on which to execute the kernel */ - void histogram_fixed_U8(const Window &win); + void histogram_fixed_U8(Window win); /** Pre-calculate the pixel windowing for every possible pixel * * Calculate (V - offset) * numBins / range where V is every possible pixel value. @@ -115,11 +115,9 @@ private: * * @param[in] window Region on which to execute the kernel. */ - using HistogramFunction = void (NEHistogramKernel::*)(const Window &window); - /** Histogram function to use for the particular image types passed to configure() */ - HistogramFunction _func; + using HistogramFunctionPtr = void (NEHistogramKernel::*)(Window window); -private: + HistogramFunctionPtr _func; ///< Histogram function to use for the particular image types passed to configure() const IImage *_input; IDistribution1D *_output; uint32_t *_local_hist; @@ -127,76 +125,5 @@ private: std::mutex _hist_mtx; static constexpr unsigned int _max_range_size{ 256 }; ///< 256 possible pixel values as we handle only U8 images }; - -/** Interface for the histogram border handling kernel. - * - * @note If the image width is not a multiple of the number of elements processed by @ref NEHistogramKernel - * this kernel is used to handle the leftover columns. - */ -class NEHistogramBorderKernel : public INEKernel -{ -public: - /** Default constructor */ - NEHistogramBorderKernel(); - /** Prevent instances of this class from being copied (As this class contains pointers) */ - NEHistogramBorderKernel(const NEHistogramBorderKernel &) = delete; - /** Prevent instances of this class from being copied (As this class contains pointers) */ - NEHistogramBorderKernel &operator=(const NEHistogramBorderKernel &) = delete; - /** Allow instances of this class to be moved */ - NEHistogramBorderKernel(NEHistogramBorderKernel &&) = default; - /** Allow instances of this class to be moved */ - NEHistogramBorderKernel &operator=(NEHistogramBorderKernel &&) = default; - /** Default destructor */ - ~NEHistogramBorderKernel() = default; - - /** Set the input image and the distribution output. - * - * @param[in] input Source image. Data type supported: U8. - * @param[out] output Destination distribution. - * @param[in] window_lut LUT with precalculated possible window values. - * @param[in] hist_elements_per_thread Pixels per thread that the histogram kernel computes. - */ - void configure(const IImage *input, IDistribution1D *output, uint32_t *window_lut, const unsigned int hist_elements_per_thread); - /** Set the input image and the distribution output. - * - * @note Used for histogram of fixed size equal to 256 - * - * @param[in] input Source image. Data type supported: U8. - * @param[out] output Destination distribution. - * @param[in] hist_elements_per_thread Pixels per thread that the histogram kernel computes. - */ - void configure(const IImage *input, IDistribution1D *output, const unsigned int hist_elements_per_thread); - - // Inherited methods overridden: - void run(const Window &window) override; - bool is_parallelisable() const override; - -private: - /** Function to perform histogram on the given window - * - * @param[in] win Region on which to execute the kernel - */ - void histogram_U8(const Window &win); - /** Function to perform histogram on the given window where histogram is - * of fixed size 256 without ranges and offsets. - * - * @param[in] win Region on which to execute the kernel - */ - void histogram_fixed_U8(const Window &win); - /** Common signature for all the specialised Histogram functions - * - * @param[in] window Region on which to execute the kernel. - */ - using HistogramBorderFunction = void (NEHistogramBorderKernel::*)(const Window &window); - /** Histogram function to use for the particular image types passed to configure() */ - HistogramBorderFunction _func; - -private: - const IImage *_input; - IDistribution1D *_output; - uint32_t *_window_lut; - static constexpr unsigned int _max_range_size{ 256 }; ///< 256 possible pixel values as we handle only U8 images -}; } - #endif /*__ARM_COMPUTE_NEHISTOGRAMKERNEL_H__ */ diff --git a/arm_compute/core/NEON/kernels/NELKTrackerKernel.h b/arm_compute/core/NEON/kernels/NELKTrackerKernel.h index 70d79a1dc..9ab7f9109 100644 --- a/arm_compute/core/NEON/kernels/NELKTrackerKernel.h +++ b/arm_compute/core/NEON/kernels/NELKTrackerKernel.h @@ -83,13 +83,12 @@ public: * @param[in] level The pyramid level * @param[in] num_levels The number of pyramid levels * @param[in] pyramid_scale Scale factor used for generating the pyramid - * @param[in] border_offset The offset used to define the boundary of the tracked pixels in different border modes */ void configure(const ITensor *input_old, const ITensor *input_new, const ITensor *old_scharr_gx, const ITensor *old_scharr_gy, const IKeyPointArray *old_points, const IKeyPointArray *new_points_estimates, IKeyPointArray *new_points, INELKInternalKeypointArray *old_points_internal, INELKInternalKeypointArray *new_points_internal, Termination termination, bool use_initial_estimate, float epsilon, unsigned int num_iterations, size_t window_dimension, - size_t level, size_t num_levels, float pyramid_scale, int32_t border_offset); + size_t level, size_t num_levels, float pyramid_scale); // Inherited methods overridden: void run(const Window &window) override; @@ -137,9 +136,9 @@ private: float _epsilon; unsigned int _num_iterations; int _window_dimension; - size_t _level; - size_t _num_levels; - int32_t _border_offset; + unsigned int _level; + unsigned int _num_levels; + ValidRegion _valid_region; }; } #endif /*__ARM_COMPUTE_NELKTRACKERKERNEL_H__ */ diff --git a/arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h b/arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h index cf74cac6c..bd8481074 100644 --- a/arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h +++ b/arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h @@ -79,7 +79,7 @@ protected: }; #ifdef ARM_COMPUTE_ENABLE_FP16 -/** NEON kernel to perform Non-Maxima suppression 3x3 +/** NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32 */ class NENonMaximaSuppression3x3FP16Kernel : public NENonMaximaSuppression3x3Kernel { diff --git a/arm_compute/core/Types.h b/arm_compute/core/Types.h index a4fa43513..6188d582d 100644 --- a/arm_compute/core/Types.h +++ b/arm_compute/core/Types.h @@ -29,6 +29,7 @@ #include <cstddef> #include <cstdint> +#include <string> #include <utility> namespace arm_compute @@ -100,6 +101,18 @@ struct ValidRegion { } + /** Return the start of the valid region for the given dimension @p d */ + int start(unsigned int d) const + { + return anchor[d]; + } + + /** Return the end of the valid region for the given dimension @p d */ + int end(unsigned int d) const + { + return anchor[d] + shape[d]; + } + Coordinates anchor; TensorShape shape; }; diff --git a/arm_compute/runtime/CL/CLFunctions.h b/arm_compute/runtime/CL/CLFunctions.h index 51f93f521..d16354f36 100644 --- a/arm_compute/runtime/CL/CLFunctions.h +++ b/arm_compute/runtime/CL/CLFunctions.h @@ -50,6 +50,7 @@ #include "arm_compute/runtime/CL/functions/CLFillBorder.h" #include "arm_compute/runtime/CL/functions/CLFullyConnectedLayer.h" #include "arm_compute/runtime/CL/functions/CLGEMM.h" +#include "arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h" #include "arm_compute/runtime/CL/functions/CLGEMMLowp.h" #include "arm_compute/runtime/CL/functions/CLGaussian3x3.h" #include "arm_compute/runtime/CL/functions/CLGaussian5x5.h" diff --git a/arm_compute/runtime/CL/CLTensorAllocator.h b/arm_compute/runtime/CL/CLTensorAllocator.h index a9fe207f6..ed371e064 100644 --- a/arm_compute/runtime/CL/CLTensorAllocator.h +++ b/arm_compute/runtime/CL/CLTensorAllocator.h @@ -71,13 +71,21 @@ public: * @param[in] mapping The cpu mapping to unmap. */ void unmap(cl::CommandQueue &q, uint8_t *mapping); + /** Allocate size specified by TensorInfo of OpenCL memory. * * @note: The tensor must not already be allocated when calling this function. * - * */ + */ void allocate() override; + /** Free allocated OpenCL memory. + * + * @note The tensor must have been allocated when calling this function. + * + */ + void free() override; + protected: /** Call map() on the OpenCL buffer. * diff --git a/arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h b/arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h new file mode 100644 index 000000000..b80136b32 --- /dev/null +++ b/arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h @@ -0,0 +1,50 @@ +/* + * Copyright (c) 2017 ARM Limited. + * + * SPDX-License-Identifier: MIT + * + * Permission is hereby granted, free of charge, to any person obtaining a copy + * of this software and associated documentation files (the "Software"), to + * deal in the Software without restriction, including without limitation the + * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or + * sell copies of the Software, and to permit persons to whom the Software is + * furnished to do so, subject to the following conditions: + * + * The above copyright notice and this permission notice shall be included in all + * copies or substantial portions of the Software. + * + * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + * SOFTWARE. + */ +#ifndef __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__ +#define __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__ + +#include "arm_compute/runtime/CL/ICLSimpleFunction.h" + +namespace arm_compute +{ +class ITensor; + +/** Basic function to execute CLGEMMInterleave4x4Kernel. This function calls the following OpenCL kernel: + * + * -# @ref CLGEMMInterleave4x4Kernel + * + */ +class CLGEMMInterleave4x4 : public ICLSimpleFunction +{ +public: + /** Initialise the kernel's inputs, output + * + * @param[in] input First input tensor. Data types supported: U8/S8/U16/S16/F16/U32/S32/F32 + * @param[out] output Output tensor. Data type supported: same as @p input + */ + void configure(const ICLTensor *input, ICLTensor *output); +}; +} + +#endif /* __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__ */
\ No newline at end of file diff --git a/arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h b/arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h index ebb32ed21..7adced431 100644 --- a/arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h +++ b/arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h @@ -45,7 +45,7 @@ public: * The constant values used with CONSTANT border mode is 0 * * @param[in,out] input Source tensor. Data types supported: U8, F32. (Written to only for @p border_mode != UNDEFINED) - * @param[out] output Destination for the Non-Maxima suppressions 3x3. Data types supported: U8, F32. Must be the same data type as @p input. + * @param[out] output Destination for the Non-Maxima suppressions 3x3. Data types supported: same as @p input. * @param[in] border_mode Border mode to use for non-maxima suppression. * The implementation supports just 2 border modes: UNDEFINED and CONSTANT */ diff --git a/arm_compute/runtime/ITensorAllocator.h b/arm_compute/runtime/ITensorAllocator.h index a246634c8..6103e436b 100644 --- a/arm_compute/runtime/ITensorAllocator.h +++ b/arm_compute/runtime/ITensorAllocator.h @@ -63,6 +63,7 @@ public: * @return Constant reference to the tensor's metadata. */ const TensorInfo &info() const; + /** Interface to be implemented by the child class to allocate the tensor. * * @note The child is expected to use the TensorInfo to get the size of the memory allocation. @@ -70,6 +71,12 @@ public: */ virtual void allocate() = 0; + /** Interface to be implemented by the child class to free the allocated tensor. + * + * @warning The tensor must have been allocated previously. Otherwise calling the function will fail. + */ + virtual void free() = 0; + protected: /** Interface to be implemented by the child class to lock the memory allocation for the CPU to access. * diff --git a/arm_compute/runtime/NEON/functions/NEConvolution.h b/arm_compute/runtime/NEON/functions/NEConvolution.h index 7127dee9f..5c809774e 100644 --- a/arm_compute/runtime/NEON/functions/NEConvolution.h +++ b/arm_compute/runtime/NEON/functions/NEConvolution.h @@ -58,18 +58,19 @@ public: void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value = 0); }; -/** Basic function to execute convolution of size 5x5. This function calls the following NEON kernels: +/** Basic function to execute convolution of size 5x5, 7x7, 9x9. This function calls the following NEON kernels: * * -# @ref NEFillBorderKernel (executed if border_mode == CONSTANT or border_mode == REPLICATE) - * -# @ref NEConvolution5x5Kernel or<br/> - * @ref NESeparableConvolution5x5HorKernel and @ref NESeparableConvolution5x5VertKernel (if convolution matrix is separable) + * -# @ref NEConvolutionKernel or<br/> + * @ref NESeparableConvolutionHorKernel and @ref NESeparableConvolutionVertKernel (if convolution matrix is separable) * */ -class NEConvolution5x5 : public IFunction +template <unsigned int matrix_size> +class NEConvolutionSquare : public IFunction { public: /** Default constructor */ - NEConvolution5x5(); + NEConvolutionSquare(); /** Initialize the function's source, destination, conv and border_mode. * * @param[in,out] input Source tensor. Data type supported: U8. (Written to only for @p border_mode != UNDEFINED) @@ -85,83 +86,20 @@ public: void run() override; private: - Tensor _tmp; /**< temporary buffer for output of horizontal pass */ - bool _is_separable; /**< true if the convolution can be separated */ - NESeparableConvolution5x5HorKernel _kernel_hor; /**< kernel for horizontal pass of separated convolution */ - NESeparableConvolution5x5VertKernel _kernel_vert; /**< kernel for vertical pass of separated convolution */ - NEConvolution5x5Kernel _kernel; /**< kernel for non-separated convolution **/ - NEFillBorderKernel _border_handler; /**< kernel for border handling */ + Tensor _tmp; /**< temporary buffer for output of horizontal pass */ + bool _is_separable; /**< true if the convolution can be separated */ + NESeparableConvolutionHorKernel<matrix_size> _kernel_hor; /**< kernel for horizontal pass of separated convolution */ + NESeparableConvolutionVertKernel<matrix_size> _kernel_vert; /**< kernel for vertical pass of separated convolution */ + NEConvolutionKernel<matrix_size> _kernel; /**< kernel for non-separated convolution **/ + NEFillBorderKernel _border_handler; /**< kernel for border handling */ }; -/** Basic function to execute convolution of size 7x7. This function calls the following NEON kernels: - * - * -# @ref NEFillBorderKernel (executed if border_mode == CONSTANT or border_mode == REPLICATE) - * -# @ref NEConvolution7x7Kernel or<br/> - * @ref NESeparableConvolution7x7HorKernel and @ref NESeparableConvolution7x7VertKernel (if convolution matrix is separable) - * - */ -class NEConvolution7x7 : public IFunction -{ -public: - /** Default constructor */ - NEConvolution7x7(); - /** Initialize the function's source, destination, conv and border_mode. - * - * @param[in,out] input Source tensor. Data type supported: U8. (Written to only for @p border_mode != UNDEFINED) - * @param[out] output Destination tensor, Data types supported: U8 or S16. - * @param[in] conv matrix_size x matrix_size S16 coefficients structured as a row-major 2D array in a linear buffer. - * @param[in] scale Scale of the convolution matrix. If 0 is passed, it will be set to the sum of the coefficients of the convolution or 1 if they add up to 0. - * @param[in] border_mode Strategy to use for borders. - * @param[in] constant_border_value (Optional) Constant value to use for borders if border_mode is set to CONSTANT. - */ - void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value = 0); - - // Inherited methods overridden: - void run() override; - -private: - Tensor _tmp; /**< temporary buffer for output of horizontal pass */ - bool _is_separable; /**< true if the convolution can be separated */ - NESeparableConvolution7x7HorKernel _kernel_hor; /**< kernel for horizontal pass of separated convolution */ - NESeparableConvolution7x7VertKernel _kernel_vert; /**< kernel for vertical pass of separated convolution */ - NEConvolution7x7Kernel _kernel; /**< kernel for non-separated convolution **/ - NEFillBorderKernel _border_handler; /**< kernel for border handling */ -}; - -/** Basic function to execute convolution of size 9x9. This function calls the following NEON kernels: - * - * -# @ref NEFillBorderKernel (executed if border_mode == CONSTANT or border_mode == REPLICATE) - * -# @ref NEConvolution9x9Kernel or<br/> - * @ref NESeparableConvolution9x9HorKernel and @ref NESeparableConvolution9x9VertKernel (if convolution matrix is separable) - * - */ -class NEConvolution9x9 : public IFunction -{ -public: - /** Default constructor */ - NEConvolution9x9(); - /** Initialize the function's source, destination, conv and border_mode. - * - * @param[in,out] input Source tensor. Data type supported: U8. (Written to only for @p border_mode != UNDEFINED) - * @param[out] output Destination tensor, Data types supported: U8 or S16. - * @param[in] conv matrix_size x matrix_size S16 coefficients structured as a row-major 2D array in a linear buffer. - * @param[in] scale Scale of the convolution matrix. If 0 is passed, it will be set to the sum of the coefficients of the convolution or 1 if they add up to 0. - * @param[in] border_mode Strategy to use for borders. - * @param[in] constant_border_value (Optional) Constant value to use for borders if border_mode is set to CONSTANT. - */ - void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value = 0); - - // Inherited methods overridden: - void run() override; - -private: - Tensor _tmp; /**< temporary buffer for output of horizontal pass */ - bool _is_separable; /**< true if the convolution can be separated */ - NESeparableConvolution9x9HorKernel _kernel_hor; /**< kernel for horizontal pass of separated convolution */ - NESeparableConvolution9x9VertKernel _kernel_vert; /**< kernel for vertical pass of separated convolution */ - NEConvolution9x9Kernel _kernel; /**< kernel for non-separated convolution **/ - NEFillBorderKernel _border_handler; /**< kernel for border handling */ -}; +/** Basic function to run 5x5 convolution. */ +using NEConvolution5x5 = NEConvolutionSquare<5>; +/** Basic function to run 7x7 convolution. */ +using NEConvolution7x7 = NEConvolutionSquare<7>; +/** Basic function to run 9x9 convolution. */ +using NEConvolution9x9 = NEConvolutionSquare<9>; /** Basic function to execute non-square convolution. This function calls the following NEON kernels: * diff --git a/arm_compute/runtime/NEON/functions/NEEqualizeHistogram.h b/arm_compute/runtime/NEON/functions/NEEqualizeHistogram.h index 241523318..6cf800848 100644 --- a/arm_compute/runtime/NEON/functions/NEEqualizeHistogram.h +++ b/arm_compute/runtime/NEON/functions/NEEqualizeHistogram.h @@ -64,17 +64,14 @@ public: private: NEHistogramKernel _histogram_kernel; /**< Kernel that calculates the histogram of input. */ - NEHistogramBorderKernel _border_histogram_kernel; /**< Kernel that calculates the histogram on the borders. */ NECumulativeDistributionKernel _cd_histogram_kernel; /**< Kernel that calculates the cumulative distribution - and creates the relevant LookupTable. */ + and creates the relevant LookupTable. */ NETableLookupKernel _map_histogram_kernel; /**< Kernel that maps the input to output using the lut. */ Distribution1D _hist; /**< Distribution that holds the histogram of the input image. */ Distribution1D _cum_dist; /**< Distribution that holds the cummulative distribution of the input histogram. */ Lut _cd_lut; /**< Holds the equalization lookuptable. */ - bool _run_border_hist; /**< Boolean that specifies if a separate histogram kernel has to run on the borders */ -private: - static constexpr uint32_t nr_bins{ 256 }; /**< Histogram bins of the internal histograms. */ - static constexpr uint32_t max_range{ nr_bins - 1 }; /**< Histogram range of the internal histograms. */ + static constexpr uint32_t nr_bins{ 256 }; /**< Histogram bins of the internal histograms. */ + static constexpr uint32_t max_range{ nr_bins - 1 }; /**< Histogram range of the internal histograms. */ }; } #endif /*__ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__ */ diff --git a/arm_compute/runtime/NEON/functions/NEHistogram.h b/arm_compute/runtime/NEON/functions/NEHistogram.h index 105a38ace..c24510dcb 100644 --- a/arm_compute/runtime/NEON/functions/NEHistogram.h +++ b/arm_compute/runtime/NEON/functions/NEHistogram.h @@ -35,12 +35,7 @@ namespace arm_compute { class IDistribution1D; -/** Basic function to execute histogram. This function calls the following NEON kernels: - * - * -# @ref NEHistogramKernel - * -# @ref NEHistogramBorderKernel - * - */ +/** Basic function to run @ref NEHistogramKernel. */ class NEHistogram : public IFunction { public: @@ -48,8 +43,6 @@ public: NEHistogram(); /** Initialise the kernel's inputs. * - * @note Currently the width of the input image must be a multiple of 16. - * * @param[in] input Input image. Data type supported: U8. * @param[out] output Output distribution. */ @@ -60,11 +53,9 @@ public: private: NEHistogramKernel _histogram_kernel; - NEHistogramBorderKernel _border_histogram_kernel; std::unique_ptr<uint32_t[]> _local_hist; std::unique_ptr<uint32_t[]> _window_lut; size_t _local_hist_size; - bool _run_border_hist; /** 256 possible pixel values as we handle only U8 images */ static constexpr unsigned int window_lut_default_size = 256; }; diff --git a/arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h b/arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h index d86ef2815..06e4f0850 100644 --- a/arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h +++ b/arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h @@ -45,8 +45,8 @@ public: * @note The implementation supports just 2 border modes: UNDEFINED and CONSTANT * The constant values used with CONSTANT border mode is 0 * - * @param[in, out] input Source tensor. Data type supported: F32. (Written to only for @p border_mode != UNDEFINED) - * @param[out] output Destination for the Non-Maxima suppressions 3x3. Data type supported: F32. + * @param[in, out] input Source tensor. Data type supported: U8, F32. (Written to only for @p border_mode != UNDEFINED) + * @param[out] output Destination for the Non-Maxima suppressions 3x3. Data type supported: same as @p input * @param[in] border_mode Border mode to use for non-maxima suppression. The implementation supports just 2 border modes: UNDEFINED and CONSTANT * */ diff --git a/arm_compute/runtime/NEON/functions/NEOpticalFlow.h b/arm_compute/runtime/NEON/functions/NEOpticalFlow.h index 4b7c4038f..0534551d1 100644 --- a/arm_compute/runtime/NEON/functions/NEOpticalFlow.h +++ b/arm_compute/runtime/NEON/functions/NEOpticalFlow.h @@ -89,7 +89,7 @@ private: const IKeyPointArray *_old_points; LKInternalKeypointArray _new_points_internal; LKInternalKeypointArray _old_points_internal; - size_t _num_levels; + unsigned int _num_levels; }; } #endif /*__ARM_COMPUTE_NEOPTICALFLOW_H__ */ diff --git a/arm_compute/runtime/NEON/functions/NESoftmaxLayer.h b/arm_compute/runtime/NEON/functions/NESoftmaxLayer.h index a457f961b..c67b667d8 100644 --- a/arm_compute/runtime/NEON/functions/NESoftmaxLayer.h +++ b/arm_compute/runtime/NEON/functions/NESoftmaxLayer.h @@ -36,7 +36,7 @@ class ITensor; /** Basic function to compute a SoftmaxLayer. * * Softmax is calculated by : - * @f[ out = exp(x - max(x)) / sum(exp(x - max(x))) @f] + * @f[ out = \frac{e^{x - max(x)}}{\sum{e^{x - max(x)}}} @f] * * This function runs the following kernels: * -# @ref NELogits1DMaxKernel diff --git a/arm_compute/runtime/TensorAllocator.h b/arm_compute/runtime/TensorAllocator.h index cd7aabff3..450323b3a 100644 --- a/arm_compute/runtime/TensorAllocator.h +++ b/arm_compute/runtime/TensorAllocator.h @@ -63,9 +63,16 @@ public: * * @note The tensor must not already be allocated when calling this function. * - **/ + */ void allocate() override; + /** Free allocated CPU memory. + * + * @note The tensor must have been allocated when calling this function. + * + */ + void free() override; + protected: /** No-op for CPU memory * diff --git a/docs/Doxyfile b/docs/Doxyfile index b78ea3013..a305e5d67 100644 --- a/docs/Doxyfile +++ b/docs/Doxyfile @@ -38,7 +38,7 @@ PROJECT_NAME = "ARM Compute Library" # could be handy for archiving the generated documentation or if some version # control system is used. -PROJECT_NUMBER = 17.04 +PROJECT_NUMBER = 17.05 # Using the PROJECT_BRIEF tag one can provide an optional one line description # for a project that appears at the top of each page and should give viewer a diff --git a/docs/arm_compute.dox b/docs/arm_compute.dox index 45799b268..354bc3f5b 100644 --- a/docs/arm_compute.dox +++ b/docs/arm_compute.dox @@ -107,6 +107,13 @@ If there is more than one release in a month then an extra sequential number is @subsection S2_2_changelog Changelog +v17.05 Public bug fixes release + - Various bug fixes + - Remaining of the functions ported to use accurate padding. + - Library does not link against OpenCL anymore (It uses dlopen / dlsym at runtime instead to determine whether or not OpenCL is available). + - Added "free" method to allocator. + - Minimum version of G++ required for armv7 Linux changed from 4.8 to 4.9 + v17.04 Public bug fixes release The following functions have been ported to use the new accurate padding: - @ref CLColorConvertKernel @@ -231,10 +238,6 @@ To see the build options available simply run ```scons -h```: default: 0 actual: 0 - scheduler: Scheduler backend(Default=cpp) (cpp|pthread|openmp) - default: cpp - actual: cpp - set_soname: Set the library's soname and shlibversion (Requires SCons 2.4 or above) (yes|no) default: 0 actual: False @@ -276,7 +279,11 @@ extra_cxx_flags: Custom CXX flags which will be appended to the end of the build @subsubsection S3_2_1_library How to build the library ? -For Linux, the library was successfully built and tested using the following Linaro GCC toolchain: gcc-linaro-arm-linux-gnueabihf-4.8-2014.02_linux and gcc-linaro-6.1.1-2016.08-x86_64_arm-linux-gnueabihf +For Linux, the library was successfully built and tested using the following Linaro GCC toolchain: + + - gcc-linaro-arm-linux-gnueabihf-4.9-2014.07_linux + - gcc-linaro-4.9-2016.02-x86_64_aarch64-linux-gnu + - gcc-linaro-6.3.1-2017.02-i686_aarch64-linux-gnu @note If you are building with opencl=1 then scons will expect to find libOpenCL.so either in the current directory or in "build" (See the section below if you need a stub OpenCL library to link against) @@ -313,24 +320,43 @@ or simply remove the build parameter as build=cross_compile is the default value The examples get automatically built by scons as part of the build process of the library described above. This section just describes how you can build and link your own application against our library. -@note The following command lines assume the arm_compute binaries are present in the current directory or in the system library path. +@note The following command lines assume the arm_compute and libOpenCL binaries are present in the current directory or in the system library path. If this is not the case you can specify the location of the pre-built library with the compiler option -L. When building the OpenCL example the commands below assume that the CL headers are located in the include folder where the command is executed. -To cross compile a NEON example: +To cross compile a NEON example for Linux 32bit: - arm-linux-gnueabihf-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -L. -larm_compute -o neon_convolution + arm-linux-gnueabihf-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -mfpu=neon -L. -larm_compute -o neon_convolution -To cross compile an OpenCL example: +To cross compile a NEON example for Linux 64bit: + + aarch64-linux-gnu-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -L. -larm_compute -o neon_convolution + +(notice the only difference with the 32 bit command is that we don't need the -mfpu option and the compiler's name is different) + +To cross compile an OpenCL example for Linux 32bit: arm-linux-gnueabihf-g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -L. -larm_compute -lOpenCL -o cl_convolution -To compile natively (i.e directly on an ARM device) for NEON: +To cross compile an OpenCL example for Linux 64bit: + + aarch64-linux-gnu-g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -L. -larm_compute -lOpenCL -o cl_convolution - g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -larm_compute -o neon_convolution +(notice the only difference with the 32 bit command is that we don't need the -mfpu option and the compiler's name is different) -To compile natively (i.e directly on an ARM device) for OpenCL: +To compile natively (i.e directly on an ARM device) for NEON for Linux 32bit: + + g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -mfpu=neon -larm_compute -o neon_convolution + +To compile natively (i.e directly on an ARM device) for NEON for Linux 64bit: + + g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -larm_compute -o neon_convolution + +(notice the only difference with the 32 bit command is that we don't need the -mfpu option) + +To compile natively (i.e directly on an ARM device) for OpenCL for Linux 32bit or Linux 64bit: g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -larm_compute -lOpenCL -o cl_convolution + @note These two commands assume libarm_compute.so is available in your library path, if not add the path to it using -L To run the built executable simply run: @@ -644,17 +670,6 @@ Another case is: if a kernel processes 8 pixels per iteration then if the image' In order to know which pixels have been calculated, each kernel sets a valid region for each output image or tensor. See also @ref TensorInfo::valid_region(), @ref ValidRegion -@attention Valid regions and accurate padding have only been introduced in the library recently therefore not all the kernels and functions have been ported to use them yet. All the non ported kernels will set the @ref ValidRegion equal to the @ref TensorShape. - -List of kernels which haven't been ported yet: - -- @ref NEColorConvertKernel -- @ref NEHistogramKernel -- @ref NEHistogramBorderKernel -- @ref NEHOGBlockNormalizationKernel -- @ref NEHOGOrientationBinningKernel -- @ref NELKTrackerKernel - @subsubsection S4_6_2_tensors Tensors Tensors are multi-dimensional arrays made of up to @ref Coordinates::num_max_dimensions dimensions. diff --git a/documentation/_access_window_auto_padding_8h.xhtml b/documentation/_access_window_auto_padding_8h.xhtml index 76a3261c1..6aa125f2d 100644 --- a/documentation/_access_window_auto_padding_8h.xhtml +++ b/documentation/_access_window_auto_padding_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_auto_padding_8h.xhtml">AccessWindowAutoPadding.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_access_window_auto_padding_8h_source.xhtml b/documentation/_access_window_auto_padding_8h_source.xhtml index c6f49bff7..34b0c08bc 100644 --- a/documentation/_access_window_auto_padding_8h_source.xhtml +++ b/documentation/_access_window_auto_padding_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_access_window_auto_padding_8h_source. <div class="title">AccessWindowAutoPadding.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_access_window_auto_padding_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00047"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_auto_padding.xhtml"> 47</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info);</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a">operator=</a>(<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a129a10edb6f1ecc24810945981a7e50e">~AccessWindowAutoPadding</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7f947a06cc9bc2896f3d0efc0201ac5a">set_valid_region</a>();</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74">compute_valid_region</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *_info;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_access_window_auto_padding_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00047"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_auto_padding.xhtml"> 47</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info);</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">AccessWindowAutoPadding</a>(<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a">operator=</a>(<a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a129a10edb6f1ecc24810945981a7e50e">~AccessWindowAutoPadding</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7f947a06cc9bc2896f3d0efc0201ac5a">set_valid_region</a>();</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74">compute_valid_region</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *_info;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ACCESS_WINDOW_AUTO_PADDING_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_auto_padding_xhtml_a95f438953e0e9a4b1a8e71313c03672a"><div class="ttname"><a href="classarm__compute_1_1_access_window_auto_padding.xhtml#a95f438953e0e9a4b1a8e71313c03672a">arm_compute::AccessWindowAutoPadding::AccessWindowAutoPadding</a></div><div class="ttdeci">AccessWindowAutoPadding(TensorInfo *info)</div><div class="ttdoc">Default constructor. </div></div> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_access_window_auto_padding_8h_source. <div class="ttc" id="_coordinates_8h_xhtml"><div class="ttname"><a href="_coordinates_8h.xhtml">Coordinates.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_auto_padding_xhtml_afcb885847b100ff54645487092b6af74"><div class="ttname"><a href="classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74">arm_compute::AccessWindowAutoPadding::compute_valid_region</a></div><div class="ttdeci">ValidRegion compute_valid_region() const </div><div class="ttdoc">Return a valid region that spans across the entire tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_auto_padding_xhtml_a7f947a06cc9bc2896f3d0efc0201ac5a"><div class="ttname"><a href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7f947a06cc9bc2896f3d0efc0201ac5a">arm_compute::AccessWindowAutoPadding::set_valid_region</a></div><div class="ttdeci">void set_valid_region()</div><div class="ttdoc">Set the valid region to match the entire tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="_i_access_window_8h_xhtml"><div class="ttname"><a href="_i_access_window_8h.xhtml">IAccessWindow.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_access_window_auto_padding_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_auto_padding_8h.xhtml">AccessWindowAutoPadding.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_access_window_static_8h.xhtml b/documentation/_access_window_static_8h.xhtml index a5e122601..4103c773c 100644 --- a/documentation/_access_window_static_8h.xhtml +++ b/documentation/_access_window_static_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_static_8h.xhtml">AccessWindowStatic.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_access_window_static_8h_source.xhtml b/documentation/_access_window_static_8h_source.xhtml index 972c88eb5..842825b4c 100644 --- a/documentation/_access_window_static_8h_source.xhtml +++ b/documentation/_access_window_static_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_access_window_static_8h_source.xhtml' </div><!--header--> <div class="contents"> <a href="_access_window_static_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_IACCESS_WINDOW_STATIC_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_IACCESS_WINDOW_STATIC_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <array></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#ae557faf9eb5ec9ffd1e4cd9ee188d6d7">AccessWindowStatic</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info, <span class="keywordtype">int</span> start_x, <span class="keywordtype">int</span> start_y, <span class="keywordtype">int</span> end_x, <span class="keywordtype">int</span> end_y);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#ae557faf9eb5ec9ffd1e4cd9ee188d6d7">AccessWindowStatic</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &<a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#ae557faf9eb5ec9ffd1e4cd9ee188d6d7">AccessWindowStatic</a>(<a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &<a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730">operator=</a>(<a class="code" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a657392da3805fde373c0cef557739d08">~AccessWindowStatic</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a729ab9364d77a28c009732b497c3b835">set_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &input_valid_region);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#aab85c0fd0e72d231aad894f28f12528b">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region) <span class="keyword">const</span>;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="comment">// Inherited methods overriden:</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#aab85c0fd0e72d231aad894f28f12528b">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml#a9c8824b7479a7cfe0c43cb03b63f805d"> 85</a></span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *<a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a9c8824b7479a7cfe0c43cb03b63f805d">_info</a>;</div><div class="line"><a name="l00086"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml#a482da54e3056fdd14c12bd1490febd2a"> 86</a></span>  <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a482da54e3056fdd14c12bd1490febd2a">_start_x</a>;</div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml#a52d465988c8ff914263b289792b0b15a"> 87</a></span>  <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a52d465988c8ff914263b289792b0b15a">_start_y</a>;</div><div class="line"><a name="l00088"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml#a1cd2ac1bcf5024756e4c48ac8d43ed97"> 88</a></span>  <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a1cd2ac1bcf5024756e4c48ac8d43ed97">_end_x</a>;</div><div class="line"><a name="l00089"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_static.xhtml#a85980789df8ce8a43eed2535663e5eca"> 89</a></span>  <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_access_window_static.xhtml#a85980789df8ce8a43eed2535663e5eca">_end_y</a>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> };</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_IACCESS_WINDOW_STATIC_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_ab4b8f5a316fa4d33a1c600a3f27e590f"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">arm_compute::AccessWindowStatic::update_padding_if_needed</a></div><div class="ttdeci">bool update_padding_if_needed(const Window &window) const override</div><div class="ttdoc">Increase the padding to be large enough for the window. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_a9c8824b7479a7cfe0c43cb03b63f805d"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#a9c8824b7479a7cfe0c43cb03b63f805d">arm_compute::AccessWindowStatic::_info</a></div><div class="ttdeci">TensorInfo * _info</div><div class="ttdef"><b>Definition:</b> <a href="_access_window_static_8h_source.xhtml#l00085">AccessWindowStatic.h:85</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_a5c6934ef061e9aeaa31fa952c05e2730"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730">arm_compute::AccessWindowStatic::operator=</a></div><div class="ttdeci">AccessWindowStatic & operator=(const AccessWindowStatic &)=delete</div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_access_window_static_8h_source.xhtml' <div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_a657392da3805fde373c0cef557739d08"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#a657392da3805fde373c0cef557739d08">arm_compute::AccessWindowStatic::~AccessWindowStatic</a></div><div class="ttdeci">~AccessWindowStatic()=default</div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_a85980789df8ce8a43eed2535663e5eca"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#a85980789df8ce8a43eed2535663e5eca">arm_compute::AccessWindowStatic::_end_y</a></div><div class="ttdeci">int _end_y</div><div class="ttdef"><b>Definition:</b> <a href="_access_window_static_8h_source.xhtml#l00089">AccessWindowStatic.h:89</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="_i_access_window_8h_xhtml"><div class="ttname"><a href="_i_access_window_8h.xhtml">IAccessWindow.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_static_xhtml_a729ab9364d77a28c009732b497c3b835"><div class="ttname"><a href="classarm__compute_1_1_access_window_static.xhtml#a729ab9364d77a28c009732b497c3b835">arm_compute::AccessWindowStatic::set_valid_region</a></div><div class="ttdeci">void set_valid_region(const Window &window, const ValidRegion &input_valid_region)</div><div class="ttdoc">Set the valid region based on the static access pattern and valid region of the inputs. </div></div> @@ -145,7 +145,7 @@ $(document).ready(function(){initNavTree('_access_window_static_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_static_8h.xhtml">AccessWindowStatic.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_access_window_transpose_8h.xhtml b/documentation/_access_window_transpose_8h.xhtml index d1545305b..7b6d67742 100644 --- a/documentation/_access_window_transpose_8h.xhtml +++ b/documentation/_access_window_transpose_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_transpose_8h.xhtml">AccessWindowTranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_access_window_transpose_8h_source.xhtml b/documentation/_access_window_transpose_8h_source.xhtml index f160debb6..ef5ff1408 100644 --- a/documentation/_access_window_transpose_8h_source.xhtml +++ b/documentation/_access_window_transpose_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_access_window_transpose_8h_source.xht <div class="title">AccessWindowTranspose.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_access_window_transpose_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_transpose.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml">AccessWindowTranspose</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#ab188c1e89be24e1f21b045bc8818d706">AccessWindowRectangle::AccessWindowRectangle</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#a982d6e438dabc0d759d01464fe939cfd">AccessWindowRectangle::compute_valid_region</a>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#ae80edc371ba9f02d756aed720040878b">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> };</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_access_window_transpose_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_transpose.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml">AccessWindowTranspose</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#ab188c1e89be24e1f21b045bc8818d706">AccessWindowRectangle::AccessWindowRectangle</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#a982d6e438dabc0d759d01464fe939cfd">AccessWindowRectangle::compute_valid_region</a>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_access_window_transpose.xhtml#ae80edc371ba9f02d756aed720040878b">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> };</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_IACCESS_WINDOW_TRANSPOSE_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_transpose_xhtml_ae80edc371ba9f02d756aed720040878b"><div class="ttname"><a href="classarm__compute_1_1_access_window_transpose.xhtml#ae80edc371ba9f02d756aed720040878b">arm_compute::AccessWindowTranspose::compute_valid_region</a></div><div class="ttdeci">ValidRegion compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override</div><div class="ttdoc">Compute the valid region based on access pattern and valid region of the inputs. </div></div> <div class="ttc" id="classarm__compute_1_1_access_window_rectangle_xhtml_a982d6e438dabc0d759d01464fe939cfd"><div class="ttname"><a href="classarm__compute_1_1_access_window_rectangle.xhtml#a982d6e438dabc0d759d01464fe939cfd">arm_compute::AccessWindowRectangle::compute_valid_region</a></div><div class="ttdeci">ValidRegion compute_valid_region(const Window &window, const ValidRegion &input_valid_region) const </div><div class="ttdoc">Compute the valid region based on access pattern, valid region of the inputs and border mode...</div></div> @@ -126,7 +126,7 @@ $(document).ready(function(){initNavTree('_access_window_transpose_8h_source.xht <div class="ttc" id="_coordinates_8h_xhtml"><div class="ttname"><a href="_coordinates_8h.xhtml">Coordinates.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_transpose_xhtml"><div class="ttname"><a href="classarm__compute_1_1_access_window_transpose.xhtml">arm_compute::AccessWindowTranspose</a></div><div class="ttdoc">Implementation of a XY-transpose access pattern. </div><div class="ttdef"><b>Definition:</b> <a href="_access_window_transpose_8h_source.xhtml#l00038">AccessWindowTranspose.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_transpose_xhtml_a7ad9fe991410dc3550f6c4fd6e87a708"><div class="ttname"><a href="classarm__compute_1_1_access_window_transpose.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">arm_compute::AccessWindowTranspose::update_window_if_needed</a></div><div class="ttdeci">bool update_window_if_needed(Window &window) const override</div><div class="ttdoc">Shrink the window if padding is not large enough. </div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="_i_access_window_8h_xhtml"><div class="ttname"><a href="_i_access_window_8h.xhtml">IAccessWindow.h</a></div></div> <div class="ttc" id="_tensor_shape_8h_xhtml"><div class="ttname"><a href="_tensor_shape_8h.xhtml">TensorShape.h</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_access_window_transpose_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_access_window_transpose_8h.xhtml">AccessWindowTranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_array_8h.xhtml b/documentation/_array_8h.xhtml index 25c49db1e..34320b64a 100644 --- a/documentation/_array_8h.xhtml +++ b/documentation/_array_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_array_8h.xhtml">Array.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_array_8h_source.xhtml b/documentation/_array_8h_source.xhtml index 0709b2833..043780cd1 100644 --- a/documentation/_array_8h_source.xhtml +++ b/documentation/_array_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_array_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_array_8h.xhtml">Array.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_absolute_difference_8h.xhtml b/documentation/_c_l_absolute_difference_8h.xhtml index 6cef1589d..a4f150501 100644 --- a/documentation/_c_l_absolute_difference_8h.xhtml +++ b/documentation/_c_l_absolute_difference_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_absolute_difference_8h.xhtml">CLAbsoluteDifference.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_absolute_difference_8h_source.xhtml b/documentation/_c_l_absolute_difference_8h_source.xhtml index 303fb6359..7846990da 100644 --- a/documentation/_c_l_absolute_difference_8h_source.xhtml +++ b/documentation/_c_l_absolute_difference_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_absolute_difference_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_absolute_difference_8h.xhtml">CLAbsoluteDifference.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_absolute_difference_kernel_8h.xhtml b/documentation/_c_l_absolute_difference_kernel_8h.xhtml index fe7561f43..5fc7929c8 100644 --- a/documentation/_c_l_absolute_difference_kernel_8h.xhtml +++ b/documentation/_c_l_absolute_difference_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_absolute_difference_kernel_8h.xhtml">CLAbsoluteDifferenceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_absolute_difference_kernel_8h_source.xhtml b/documentation/_c_l_absolute_difference_kernel_8h_source.xhtml index d51f2f819..a5acc47fa 100644 --- a/documentation/_c_l_absolute_difference_kernel_8h_source.xhtml +++ b/documentation/_c_l_absolute_difference_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_c_l_absolute_difference_kernel_8h_sou <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_absolute_difference_kernel_8h.xhtml">CLAbsoluteDifferenceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_accumulate_8h.xhtml b/documentation/_c_l_accumulate_8h.xhtml index 96cc5e8a3..65155cfa7 100644 --- a/documentation/_c_l_accumulate_8h.xhtml +++ b/documentation/_c_l_accumulate_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_accumulate_8h.xhtml">CLAccumulate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_accumulate_8h_source.xhtml b/documentation/_c_l_accumulate_8h_source.xhtml index 3216a1e17..4703f2874 100644 --- a/documentation/_c_l_accumulate_8h_source.xhtml +++ b/documentation/_c_l_accumulate_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_accumulate_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_accumulate_8h.xhtml">CLAccumulate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_accumulate_kernel_8h.xhtml b/documentation/_c_l_accumulate_kernel_8h.xhtml index 9bcc46b59..c75184b0c 100644 --- a/documentation/_c_l_accumulate_kernel_8h.xhtml +++ b/documentation/_c_l_accumulate_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_accumulate_kernel_8h.xhtml">CLAccumulateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_accumulate_kernel_8h_source.xhtml b/documentation/_c_l_accumulate_kernel_8h_source.xhtml index 42d260330..56a4cd98e 100644 --- a/documentation/_c_l_accumulate_kernel_8h_source.xhtml +++ b/documentation/_c_l_accumulate_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_accumulate_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_accumulate_kernel_8h.xhtml">CLAccumulateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_activation_layer_8h.xhtml b/documentation/_c_l_activation_layer_8h.xhtml index 96acdb7a6..19afa995d 100644 --- a/documentation/_c_l_activation_layer_8h.xhtml +++ b/documentation/_c_l_activation_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_activation_layer_8h.xhtml">CLActivationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_activation_layer_8h_source.xhtml b/documentation/_c_l_activation_layer_8h_source.xhtml index a69bcb9f2..99ae2697d 100644 --- a/documentation/_c_l_activation_layer_8h_source.xhtml +++ b/documentation/_c_l_activation_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_c_l_activation_layer_8h_source.xhtml' <a href="_c_l_activation_layer_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLACTIVATIONLAYER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLACTIVATIONLAYER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_activation_layer.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_activation_layer.xhtml">CLActivationLayer</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_activation_layer.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a> act_info);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLACTIVATIONLAYER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_activation_layer_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_activation_layer.xhtml">arm_compute::CLActivationLayer</a></div><div class="ttdoc">Basic function to run CLActivationLayerKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_activation_layer_8h_source.xhtml#l00039">CLActivationLayer.h:39</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00434">Types.h:434</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00447">Types.h:447</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_activation_layer_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_activation_layer_8h.xhtml">CLActivationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_activation_layer_kernel_8h.xhtml b/documentation/_c_l_activation_layer_kernel_8h.xhtml index 83bc6330e..3518a1b94 100644 --- a/documentation/_c_l_activation_layer_kernel_8h.xhtml +++ b/documentation/_c_l_activation_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_activation_layer_kernel_8h.xhtml">CLActivationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_activation_layer_kernel_8h_source.xhtml b/documentation/_c_l_activation_layer_kernel_8h_source.xhtml index 247439078..f93bdbfaa 100644 --- a/documentation/_c_l_activation_layer_kernel_8h_source.xhtml +++ b/documentation/_c_l_activation_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_activation_layer_kernel_8h_source </div><!--header--> <div class="contents"> <a href="_c_l_activation_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLACTIVATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLACTIVATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml">CLActivationLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a> act_info);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> };</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> }</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLACTIVATIONLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00434">Types.h:434</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00447">Types.h:447</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_activation_layer_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml">arm_compute::CLActivationLayerKernel</a></div><div class="ttdoc">Interface for the activation layer kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_activation_layer_kernel_8h_source.xhtml#l00034">CLActivationLayerKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_activation_layer_kernel_xhtml_a94ca83273d5b57bb4bfdb82e76d670ec"><div class="ttname"><a href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec">arm_compute::CLActivationLayerKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, ActivationLayerInfo act_info)</div><div class="ttdoc">Set the input and output tensor. </div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_c_l_activation_layer_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_activation_layer_kernel_8h.xhtml">CLActivationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_addition_8h.xhtml b/documentation/_c_l_arithmetic_addition_8h.xhtml index a9573cfe5..c17f70a13 100644 --- a/documentation/_c_l_arithmetic_addition_8h.xhtml +++ b/documentation/_c_l_arithmetic_addition_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_addition_8h_source.xhtml b/documentation/_c_l_arithmetic_addition_8h_source.xhtml index b0d8ec18f..5c58309f4 100644 --- a/documentation/_c_l_arithmetic_addition_8h_source.xhtml +++ b/documentation/_c_l_arithmetic_addition_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,14 +124,14 @@ $(document).ready(function(){initNavTree('_c_l_arithmetic_addition_8h_source.xht <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_addition_kernel_8h.xhtml b/documentation/_c_l_arithmetic_addition_kernel_8h.xhtml index 33bb037df..d6423c750 100644 --- a/documentation/_c_l_arithmetic_addition_kernel_8h.xhtml +++ b/documentation/_c_l_arithmetic_addition_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_addition_kernel_8h.xhtml">CLArithmeticAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_addition_kernel_8h_source.xhtml b/documentation/_c_l_arithmetic_addition_kernel_8h_source.xhtml index 26921e10a..c84cca62e 100644 --- a/documentation/_c_l_arithmetic_addition_kernel_8h_source.xhtml +++ b/documentation/_c_l_arithmetic_addition_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,14 +130,14 @@ $(document).ready(function(){initNavTree('_c_l_arithmetic_addition_kernel_8h_sou <div class="ttc" id="classarm__compute_1_1_c_l_arithmetic_addition_kernel_xhtml_a1048af0714f442881a9232395107e963"><div class="ttname"><a href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a1048af0714f442881a9232395107e963">arm_compute::CLArithmeticAdditionKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input1, const ICLTensor *input2, ICLTensor *output, ConvertPolicy policy)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output and convertion policy. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_addition_kernel_8h.xhtml">CLArithmeticAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_subtraction_8h.xhtml b/documentation/_c_l_arithmetic_subtraction_8h.xhtml index edc452ec6..c268d71f3 100644 --- a/documentation/_c_l_arithmetic_subtraction_8h.xhtml +++ b/documentation/_c_l_arithmetic_subtraction_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_subtraction_8h.xhtml">CLArithmeticSubtraction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_subtraction_8h_source.xhtml b/documentation/_c_l_arithmetic_subtraction_8h_source.xhtml index 7d837e446..7b6252322 100644 --- a/documentation/_c_l_arithmetic_subtraction_8h_source.xhtml +++ b/documentation/_c_l_arithmetic_subtraction_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,14 +124,14 @@ $(document).ready(function(){initNavTree('_c_l_arithmetic_subtraction_8h_source. <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_arithmetic_subtraction_xhtml_a1048af0714f442881a9232395107e963"><div class="ttname"><a href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml#a1048af0714f442881a9232395107e963">arm_compute::CLArithmeticSubtraction::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input1, const ICLTensor *input2, ICLTensor *output, ConvertPolicy policy)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output and convertion policy. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_arithmetic_subtraction_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml">arm_compute::CLArithmeticSubtraction</a></div><div class="ttdoc">Basic function to run CLArithmeticSubtractionKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_arithmetic_subtraction_8h_source.xhtml#l00040">CLArithmeticSubtraction.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_subtraction_8h.xhtml">CLArithmeticSubtraction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_subtraction_kernel_8h.xhtml b/documentation/_c_l_arithmetic_subtraction_kernel_8h.xhtml index 89799d364..8294f3696 100644 --- a/documentation/_c_l_arithmetic_subtraction_kernel_8h.xhtml +++ b/documentation/_c_l_arithmetic_subtraction_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_subtraction_kernel_8h.xhtml">CLArithmeticSubtractionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_arithmetic_subtraction_kernel_8h_source.xhtml b/documentation/_c_l_arithmetic_subtraction_kernel_8h_source.xhtml index 8406c3cb8..208e04939 100644 --- a/documentation/_c_l_arithmetic_subtraction_kernel_8h_source.xhtml +++ b/documentation/_c_l_arithmetic_subtraction_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,14 +130,14 @@ $(document).ready(function(){initNavTree('_c_l_arithmetic_subtraction_kernel_8h_ <div class="ttc" id="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel_xhtml_a9ab43fc014673aea8868c688f6ec07ef"><div class="ttname"><a href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a9ab43fc014673aea8868c688f6ec07ef">arm_compute::CLArithmeticSubtractionKernel::CLArithmeticSubtractionKernel</a></div><div class="ttdeci">CLArithmeticSubtractionKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_arithmetic_subtraction_kernel_8h.xhtml">CLArithmeticSubtractionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_array_8h.xhtml b/documentation/_c_l_array_8h.xhtml index 6ff816f6b..a0dc1f37e 100644 --- a/documentation/_c_l_array_8h.xhtml +++ b/documentation/_c_l_array_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -168,7 +168,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_array_8h.xhtml">CLArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_array_8h_source.xhtml b/documentation/_c_l_array_8h_source.xhtml index c12d5da0c..746ca4e23 100644 --- a/documentation/_c_l_array_8h_source.xhtml +++ b/documentation/_c_l_array_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('_c_l_array_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_array_8h.xhtml">CLArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_and_8h.xhtml b/documentation/_c_l_bitwise_and_8h.xhtml index 3316e6bc5..6943ac99b 100644 --- a/documentation/_c_l_bitwise_and_8h.xhtml +++ b/documentation/_c_l_bitwise_and_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_and_8h.xhtml">CLBitwiseAnd.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_and_8h_source.xhtml b/documentation/_c_l_bitwise_and_8h_source.xhtml index 10806775a..ead263722 100644 --- a/documentation/_c_l_bitwise_and_8h_source.xhtml +++ b/documentation/_c_l_bitwise_and_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_and_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_and_8h.xhtml">CLBitwiseAnd.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_and_kernel_8h.xhtml b/documentation/_c_l_bitwise_and_kernel_8h.xhtml index 18111ccf5..ebb130a1d 100644 --- a/documentation/_c_l_bitwise_and_kernel_8h.xhtml +++ b/documentation/_c_l_bitwise_and_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_and_kernel_8h.xhtml">CLBitwiseAndKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_and_kernel_8h_source.xhtml b/documentation/_c_l_bitwise_and_kernel_8h_source.xhtml index 9e7455fb0..37fa3110b 100644 --- a/documentation/_c_l_bitwise_and_kernel_8h_source.xhtml +++ b/documentation/_c_l_bitwise_and_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_and_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_and_kernel_8h.xhtml">CLBitwiseAndKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_not_8h.xhtml b/documentation/_c_l_bitwise_not_8h.xhtml index 1d12db264..052cc4df3 100644 --- a/documentation/_c_l_bitwise_not_8h.xhtml +++ b/documentation/_c_l_bitwise_not_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_not_8h.xhtml">CLBitwiseNot.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_not_8h_source.xhtml b/documentation/_c_l_bitwise_not_8h_source.xhtml index 771717620..d07321962 100644 --- a/documentation/_c_l_bitwise_not_8h_source.xhtml +++ b/documentation/_c_l_bitwise_not_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_not_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_not_8h.xhtml">CLBitwiseNot.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_not_kernel_8h.xhtml b/documentation/_c_l_bitwise_not_kernel_8h.xhtml index bf51b4a8d..ba001e893 100644 --- a/documentation/_c_l_bitwise_not_kernel_8h.xhtml +++ b/documentation/_c_l_bitwise_not_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_not_kernel_8h.xhtml">CLBitwiseNotKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_not_kernel_8h_source.xhtml b/documentation/_c_l_bitwise_not_kernel_8h_source.xhtml index ae2870264..40b461a48 100644 --- a/documentation/_c_l_bitwise_not_kernel_8h_source.xhtml +++ b/documentation/_c_l_bitwise_not_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_not_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_not_kernel_8h.xhtml">CLBitwiseNotKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_or_8h.xhtml b/documentation/_c_l_bitwise_or_8h.xhtml index 7783014a1..f4a4622f9 100644 --- a/documentation/_c_l_bitwise_or_8h.xhtml +++ b/documentation/_c_l_bitwise_or_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_or_8h.xhtml">CLBitwiseOr.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_or_8h_source.xhtml b/documentation/_c_l_bitwise_or_8h_source.xhtml index e8e245b70..41bf6e933 100644 --- a/documentation/_c_l_bitwise_or_8h_source.xhtml +++ b/documentation/_c_l_bitwise_or_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_or_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_or_8h.xhtml">CLBitwiseOr.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_or_kernel_8h.xhtml b/documentation/_c_l_bitwise_or_kernel_8h.xhtml index 5aa9ca4fa..ee46d3ef9 100644 --- a/documentation/_c_l_bitwise_or_kernel_8h.xhtml +++ b/documentation/_c_l_bitwise_or_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_or_kernel_8h.xhtml">CLBitwiseOrKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_or_kernel_8h_source.xhtml b/documentation/_c_l_bitwise_or_kernel_8h_source.xhtml index fe4eb4ec6..d3eec695b 100644 --- a/documentation/_c_l_bitwise_or_kernel_8h_source.xhtml +++ b/documentation/_c_l_bitwise_or_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_or_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_or_kernel_8h.xhtml">CLBitwiseOrKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_xor_8h.xhtml b/documentation/_c_l_bitwise_xor_8h.xhtml index 5724f2628..6fcee3887 100644 --- a/documentation/_c_l_bitwise_xor_8h.xhtml +++ b/documentation/_c_l_bitwise_xor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_xor_8h.xhtml">CLBitwiseXor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_xor_8h_source.xhtml b/documentation/_c_l_bitwise_xor_8h_source.xhtml index 5eac9d5cf..30e499bd8 100644 --- a/documentation/_c_l_bitwise_xor_8h_source.xhtml +++ b/documentation/_c_l_bitwise_xor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_xor_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_xor_8h.xhtml">CLBitwiseXor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_xor_kernel_8h.xhtml b/documentation/_c_l_bitwise_xor_kernel_8h.xhtml index f120de497..06319ed25 100644 --- a/documentation/_c_l_bitwise_xor_kernel_8h.xhtml +++ b/documentation/_c_l_bitwise_xor_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_xor_kernel_8h.xhtml">CLBitwiseXorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_bitwise_xor_kernel_8h_source.xhtml b/documentation/_c_l_bitwise_xor_kernel_8h_source.xhtml index c20ce89ff..58f7c358f 100644 --- a/documentation/_c_l_bitwise_xor_kernel_8h_source.xhtml +++ b/documentation/_c_l_bitwise_xor_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_bitwise_xor_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_bitwise_xor_kernel_8h.xhtml">CLBitwiseXorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_box3x3_8h.xhtml b/documentation/_c_l_box3x3_8h.xhtml index f0bab4176..e877a39b0 100644 --- a/documentation/_c_l_box3x3_8h.xhtml +++ b/documentation/_c_l_box3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_box3x3_8h.xhtml">CLBox3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_box3x3_8h_source.xhtml b/documentation/_c_l_box3x3_8h_source.xhtml index 19f4b087d..fe3421b37 100644 --- a/documentation/_c_l_box3x3_8h_source.xhtml +++ b/documentation/_c_l_box3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_box3x3_8h_source.xhtml','');}); <div class="title">CLBox3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_box3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLBOX3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLBOX3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_box3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_box3x3.xhtml">CLBox3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLBOX3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_box3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLBOX3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLBOX3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_box3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_box3x3.xhtml">CLBox3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLBOX3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_box3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_box3x3.xhtml">arm_compute::CLBox3x3</a></div><div class="ttdoc">Basic function to execute box filter 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_box3x3_8h_source.xhtml#l00042">CLBox3x3.h:42</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_box3x3_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_box3x3_8h.xhtml">CLBox3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_box3x3_kernel_8h.xhtml b/documentation/_c_l_box3x3_kernel_8h.xhtml index db2677df1..ed9c69f99 100644 --- a/documentation/_c_l_box3x3_kernel_8h.xhtml +++ b/documentation/_c_l_box3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_box3x3_kernel_8h.xhtml">CLBox3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_box3x3_kernel_8h_source.xhtml b/documentation/_c_l_box3x3_kernel_8h_source.xhtml index 88dc5ee29..38d99d4cf 100644 --- a/documentation/_c_l_box3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_box3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_box3x3_kernel_8h_source.xhtml','' </div><!--header--> <div class="contents"> <a href="_c_l_box3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLBOX3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLBOX3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml">CLBox3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">//Inherited methods overriden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLBOX3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_box3x3_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml">arm_compute::CLBox3x3Kernel</a></div><div class="ttdoc">Interface for the box 3x3 filter kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_box3x3_kernel_8h_source.xhtml#l00036">CLBox3x3Kernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_box3x3_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLBox3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input and output. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_box3x3_kernel_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_box3x3_kernel_8h.xhtml">CLBox3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_canny_edge_8h.xhtml b/documentation/_c_l_canny_edge_8h.xhtml index d59af13ad..7bd8a21da 100644 --- a/documentation/_c_l_canny_edge_8h.xhtml +++ b/documentation/_c_l_canny_edge_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_canny_edge_8h.xhtml">CLCannyEdge.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_canny_edge_8h_source.xhtml b/documentation/_c_l_canny_edge_8h_source.xhtml index f3deaefb7..3584e3c4b 100644 --- a/documentation/_c_l_canny_edge_8h_source.xhtml +++ b/documentation/_c_l_canny_edge_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_canny_edge_8h_source.xhtml','');} <div class="title">CLCannyEdge.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_canny_edge_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCANNYEDGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCANNYEDGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_canny_edge_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLCannyEdgeKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_canny_edge.xhtml"> 48</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml">CLCannyEdge</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#ad7a8b4337290a7076552ec4d2cae26d6">CLCannyEdge</a>();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, int32_t upper_thr, int32_t lower_thr, int32_t gradient_size, int32_t norm_type,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> _gradient; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_mag_gradient; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> _non_max_suppr; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> _edge_trace; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gx; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gy; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _mag; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _phase; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _nonmax; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _visited, _recorded, _l1_list_counter, _l1_stack; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> };</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> }</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLCANNYEDGE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_canny_edge_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCANNYEDGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCANNYEDGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_canny_edge_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLCannyEdgeKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_canny_edge.xhtml"> 48</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml">CLCannyEdge</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#ad7a8b4337290a7076552ec4d2cae26d6">CLCannyEdge</a>();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, int32_t upper_thr, int32_t lower_thr, int32_t gradient_size, int32_t norm_type,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> _gradient; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_mag_gradient; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> _non_max_suppr; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> _edge_trace; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gx; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gy; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _mag; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _phase; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _nonmax; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _visited, _recorded, _l1_list_counter, _l1_stack; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> };</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> }</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLCANNYEDGE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gradient_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">arm_compute::CLGradientKernel</a></div><div class="ttdoc">OpenCL kernel to perform Gradient computation. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_canny_edge_kernel_8h_source.xhtml#l00037">CLCannyEdgeKernel.h:37</a></div></div> <div class="ttc" id="_c_l_canny_edge_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_canny_edge_kernel_8h.xhtml">CLCannyEdgeKernel.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_canny_edge_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_canny_edge_8h.xhtml">CLCannyEdge.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_canny_edge_kernel_8h.xhtml b/documentation/_c_l_canny_edge_kernel_8h.xhtml index 4160bad71..574978d58 100644 --- a/documentation/_c_l_canny_edge_kernel_8h.xhtml +++ b/documentation/_c_l_canny_edge_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_canny_edge_kernel_8h.xhtml">CLCannyEdgeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_canny_edge_kernel_8h_source.xhtml b/documentation/_c_l_canny_edge_kernel_8h_source.xhtml index e10f340ee..abb00055f 100644 --- a/documentation/_c_l_canny_edge_kernel_8h_source.xhtml +++ b/documentation/_c_l_canny_edge_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_canny_edge_kernel_8h_source.xhtml </div><!--header--> <div class="contents"> <a href="_c_l_canny_edge_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCANNYEDGEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCANNYEDGEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9fc0a3b7d23e9f71e5f2ea13d51e3c11">CLGradientKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9fc0a3b7d23e9f71e5f2ea13d51e3c11">CLGradientKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *gy, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *magnitude, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *phase, int32_t norm_type);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_gx; </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_gy; </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_magnitude; </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_phase; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> };</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00075"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml"> 75</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *magnitude, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *phase, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, int32_t lower_thr, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_magnitude; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_phase; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output; </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml"> 106</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> {</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a>();</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, int32_t upper_thr, int32_t lower_thr,</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *visited, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *recorded, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *l1_stack, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *l1_stack_counter);</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span> </div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output; </div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  int32_t _lower_thr; </div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  int32_t _upper_thr; </div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_visited; </div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_recorded; </div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_l1_stack; </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_l1_stack_counter; </div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> };</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> }</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLCANNYEDGEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_gradient_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">arm_compute::CLGradientKernel</a></div><div class="ttdoc">OpenCL kernel to perform Gradient computation. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_canny_edge_kernel_8h_source.xhtml#l00037">CLCannyEdgeKernel.h:37</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gradient_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLGradientKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_canny_edge_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_canny_edge_kernel_8h.xhtml">CLCannyEdgeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_combine_8h.xhtml b/documentation/_c_l_channel_combine_8h.xhtml index 3aeac70ce..7b46c9eff 100644 --- a/documentation/_c_l_channel_combine_8h.xhtml +++ b/documentation/_c_l_channel_combine_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_channel_combine_8h.xhtml">CLChannelCombine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_combine_8h_source.xhtml b/documentation/_c_l_channel_combine_8h_source.xhtml index 09c6a2481..22bad6518 100644 --- a/documentation/_c_l_channel_combine_8h_source.xhtml +++ b/documentation/_c_l_channel_combine_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_combine_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_channel_combine_8h.xhtml">CLChannelCombine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_combine_kernel_8h.xhtml b/documentation/_c_l_channel_combine_kernel_8h.xhtml index 99afe5f3f..b4ec444c9 100644 --- a/documentation/_c_l_channel_combine_kernel_8h.xhtml +++ b/documentation/_c_l_channel_combine_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_channel_combine_kernel_8h.xhtml">CLChannelCombineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_combine_kernel_8h_source.xhtml b/documentation/_c_l_channel_combine_kernel_8h_source.xhtml index 8722ce63d..ca48e74e3 100644 --- a/documentation/_c_l_channel_combine_kernel_8h_source.xhtml +++ b/documentation/_c_l_channel_combine_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_combine_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_channel_combine_kernel_8h.xhtml">CLChannelCombineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_extract_8h.xhtml b/documentation/_c_l_channel_extract_8h.xhtml index 06ce5abc4..baa3e2302 100644 --- a/documentation/_c_l_channel_extract_8h.xhtml +++ b/documentation/_c_l_channel_extract_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_channel_extract_8h.xhtml">CLChannelExtract.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_extract_8h_source.xhtml b/documentation/_c_l_channel_extract_8h_source.xhtml index 4cadbd9a3..e0ddc500d 100644 --- a/documentation/_c_l_channel_extract_8h_source.xhtml +++ b/documentation/_c_l_channel_extract_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_extract_8h_source.xhtml', <div class="ttc" id="classarm__compute_1_1_i_c_l_multi_image_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_multi_image.xhtml">arm_compute::ICLMultiImage</a></div><div class="ttdoc">Interface for OpenCL multi-planar images. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_multi_image_8h_source.xhtml#l00035">ICLMultiImage.h:35</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_extract_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_channel_extract_8h.xhtml">CLChannelExtract.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_extract_kernel_8h.xhtml b/documentation/_c_l_channel_extract_kernel_8h.xhtml index 49d72c282..9413e7d76 100644 --- a/documentation/_c_l_channel_extract_kernel_8h.xhtml +++ b/documentation/_c_l_channel_extract_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_channel_extract_kernel_8h.xhtml">CLChannelExtractKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_channel_extract_kernel_8h_source.xhtml b/documentation/_c_l_channel_extract_kernel_8h_source.xhtml index fe4c4c74e..3bc77c68a 100644 --- a/documentation/_c_l_channel_extract_kernel_8h_source.xhtml +++ b/documentation/_c_l_channel_extract_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,7 +123,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_extract_kernel_8h_source. <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_channel_extract_kernel_xhtml_a9b79b58e02befadc03a8efa21453cc6d"><div class="ttname"><a href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a9b79b58e02befadc03a8efa21453cc6d">arm_compute::CLChannelExtractKernel::operator=</a></div><div class="ttdeci">CLChannelExtractKernel & operator=(const CLChannelExtractKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_channel_extract_kernel_xhtml_a359fed4a61e4568d258d27aee9bc20c4"><div class="ttname"><a href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4">arm_compute::CLChannelExtractKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, Channel channel, ICLTensor *output)</div><div class="ttdoc">Set the input and output of the kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_channel_extract_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLChannelExtractKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="_i_c_l_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_c_l_channel_extract_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_channel_extract_kernel_8h.xhtml">CLChannelExtractKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_col2_im_kernel_8h.xhtml b/documentation/_c_l_col2_im_kernel_8h.xhtml index 300b88a95..1af5bdbb4 100644 --- a/documentation/_c_l_col2_im_kernel_8h.xhtml +++ b/documentation/_c_l_col2_im_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_col2_im_kernel_8h.xhtml">CLCol2ImKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_col2_im_kernel_8h_source.xhtml b/documentation/_c_l_col2_im_kernel_8h_source.xhtml index 0924bc3e0..c41aeac60 100644 --- a/documentation/_c_l_col2_im_kernel_8h_source.xhtml +++ b/documentation/_c_l_col2_im_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_c_l_col2_im_kernel_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_col2_im_kernel_8h.xhtml">CLCol2ImKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_color_convert_8h.xhtml b/documentation/_c_l_color_convert_8h.xhtml index 8e13d52bd..b367dc774 100644 --- a/documentation/_c_l_color_convert_8h.xhtml +++ b/documentation/_c_l_color_convert_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_color_convert_8h.xhtml">CLColorConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_color_convert_8h_source.xhtml b/documentation/_c_l_color_convert_8h_source.xhtml index 25fdb37ae..3fffcd10a 100644 --- a/documentation/_c_l_color_convert_8h_source.xhtml +++ b/documentation/_c_l_color_convert_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_color_convert_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_color_convert_8h.xhtml">CLColorConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_color_convert_kernel_8h.xhtml b/documentation/_c_l_color_convert_kernel_8h.xhtml index 4775e1c42..d3335b925 100644 --- a/documentation/_c_l_color_convert_kernel_8h.xhtml +++ b/documentation/_c_l_color_convert_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_color_convert_kernel_8h.xhtml">CLColorConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_color_convert_kernel_8h_source.xhtml b/documentation/_c_l_color_convert_kernel_8h_source.xhtml index 3a8001751..838e38871 100644 --- a/documentation/_c_l_color_convert_kernel_8h_source.xhtml +++ b/documentation/_c_l_color_convert_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_color_convert_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_color_convert_kernel_8h.xhtml">CLColorConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_8h.xhtml b/documentation/_c_l_convolution_8h.xhtml index 4f1f07b17..45408a5f3 100644 --- a/documentation/_c_l_convolution_8h.xhtml +++ b/documentation/_c_l_convolution_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -165,7 +165,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_convolution_8h.xhtml">CLConvolution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_8h_source.xhtml b/documentation/_c_l_convolution_8h_source.xhtml index 3cac9ee4b..c83c974a3 100644 --- a/documentation/_c_l_convolution_8h_source.xhtml +++ b/documentation/_c_l_convolution_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_8h_source.xhtml',''); <div class="title">CLConvolution.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_convolution_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCONVOLUTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCONVOLUTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLConvolutionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution3x3.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00069"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_square.xhtml"> 69</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> {</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a>();</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Inherited methods overriden:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a> _tmp; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel<matrix_size></a> _kernel_hor; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel<matrix_size></a> _kernel_vert; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<matrix_size></a> _kernel; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> };</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a843447b81f09d837e90d44e6e6bd236d"> 98</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<5></a>;</div><div class="line"><a name="l00100"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1992a8362b7074e709394a5219d16e62"> 100</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution7x7</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<7></a>;</div><div class="line"><a name="l00102"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a587dee5d7f05d5e9c3b8704ae8927101"> 102</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution9x9</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<9></a>;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml"> 111</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml">CLConvolutionRectangle</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t rows, uint32_t cols, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> };</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> }</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLCONVOLUTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_convolution_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCONVOLUTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCONVOLUTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLConvolutionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution3x3.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00069"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_square.xhtml"> 69</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> {</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a>();</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Inherited methods overriden:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a> _tmp; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel<matrix_size></a> _kernel_hor; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel<matrix_size></a> _kernel_vert; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<matrix_size></a> _kernel; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> };</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a843447b81f09d837e90d44e6e6bd236d"> 98</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<5></a>;</div><div class="line"><a name="l00100"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1992a8362b7074e709394a5219d16e62"> 100</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution7x7</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<7></a>;</div><div class="line"><a name="l00102"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a587dee5d7f05d5e9c3b8704ae8927101"> 102</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution9x9</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare<9></a>;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml"> 111</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml">CLConvolutionRectangle</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t rows, uint32_t cols, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> };</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> }</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLCONVOLUTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml">arm_compute::CLConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00046">CLConvolution.h:46</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_separable_convolution_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">arm_compute::CLSeparableConvolutionHorKernel</a></div><div class="ttdoc">Kernel for the Horizontal pass of a Separable Convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_kernel_8h_source.xhtml#l00084">CLConvolutionKernel.h:84</a></div></div> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_convolution_8h.xhtml">CLConvolution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_kernel_8h.xhtml b/documentation/_c_l_convolution_kernel_8h.xhtml index dddbd37c9..5e418e5a0 100644 --- a/documentation/_c_l_convolution_kernel_8h.xhtml +++ b/documentation/_c_l_convolution_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -184,7 +184,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_convolution_kernel_8h.xhtml">CLConvolutionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_kernel_8h_source.xhtml b/documentation/_c_l_convolution_kernel_8h_source.xhtml index 9bea46fb2..402df6b81 100644 --- a/documentation/_c_l_convolution_kernel_8h_source.xhtml +++ b/documentation/_c_l_convolution_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_kernel_8h_source.xhtm <a href="_c_l_convolution_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLCONVOLUTIONKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLCONVOLUTIONKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="comment">/****************************************************************************************\</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="comment"> * Square Convolution *</span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="comment">\****************************************************************************************/</span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml"> 52</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> };</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00070"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4751499f1c526c7285e7e946c2e84541"> 70</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolution3x3Kernel</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<3></a>;</div><div class="line"><a name="l00072"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac4cfbdf439d7bf5d420546298bd5ca0d"> 72</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolution5x5Kernel</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<5></a>;</div><div class="line"><a name="l00074"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a99a54c937a254c96cd1a29a96ffa7dcf"> 74</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolution7x7Kernel</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<7></a>;</div><div class="line"><a name="l00076"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a908439cd5cf8253865d5c70a413fd607"> 76</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolution9x9Kernel</a> = <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel<9></a>;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="comment">/****************************************************************************************\</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="comment"> * Separable Square Convolution *</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="comment">\****************************************************************************************/</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml"> 84</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel</a>();</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> };</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac72d613f7270604dbcad2553c278b16c"> 106</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolution5x5HorKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel<5></a>;</div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aab26624bf4b326f8145b2909a5042004"> 108</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolution7x7HorKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel<7></a>;</div><div class="line"><a name="l00110"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a9f34ccad344bc43d25e8be2b828853aa"> 110</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolution9x9HorKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel<9></a>;</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00114"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml"> 114</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type = <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> </div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> };</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span> </div><div class="line"><a name="l00133"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac7295b0d8d71be75033238ad7fbba38c"> 133</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolution5x5VertKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel<5></a>;</div><div class="line"><a name="l00135"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a0ffdf01e236016ce8d366a69875d1375"> 135</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolution7x7VertKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel<7></a>;</div><div class="line"><a name="l00137"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a6d08e1e881bf611c1e1b9e2bb8810d19"> 137</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolution9x9VertKernel</a> = <a class="code" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel<9></a>;</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span> </div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> <span class="comment">/****************************************************************************************\</span></div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> <span class="comment"> * Rectangle Convolution *</span></div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span> <span class="comment">\****************************************************************************************/</span></div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span> </div><div class="line"><a name="l00147"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml"> 147</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> {</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a>();</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t width, uint32_t height, uint32_t scale, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span> </div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> </div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> };</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> }</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLCONVOLUTIONKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_kernel_xhtml_a8bc8fdf1a67fbaaa3270fd5eeecfc6cf"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">arm_compute::ICLSimpleKernel::operator=</a></div><div class="ttdeci">ICLSimpleKernel & operator=(const ICLSimpleKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers). </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_separable_convolution_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">arm_compute::CLSeparableConvolutionHorKernel</a></div><div class="ttdoc">Kernel for the Horizontal pass of a Separable Convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_kernel_8h_source.xhtml#l00084">CLConvolutionKernel.h:84</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_kernel_xhtml_a07e35fa34ecbbc82d848fa3997cc6fdb"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">arm_compute::CLConvolutionKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, const int16_t *conv, uint32_t scale, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input, output and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLConvolutionKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_rectangle_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">arm_compute::CLConvolutionRectangleKernel</a></div><div class="ttdoc">Kernel for the running convolution on a rectangle matrix. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_kernel_8h_source.xhtml#l00147">CLConvolutionKernel.h:147</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_kernel_8h_source.xhtm <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple2_d_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::ICLSimple2DKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_convolution_kernel_8h.xhtml">CLConvolutionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_layer_8h.xhtml b/documentation/_c_l_convolution_layer_8h.xhtml index 4052914f6..24f197b6f 100644 --- a/documentation/_c_l_convolution_layer_8h.xhtml +++ b/documentation/_c_l_convolution_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_convolution_layer_8h.xhtml">CLConvolutionLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_layer_8h_source.xhtml b/documentation/_c_l_convolution_layer_8h_source.xhtml index a6b1663fc..8df111bf2 100644 --- a/documentation/_c_l_convolution_layer_8h_source.xhtml +++ b/documentation/_c_l_convolution_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_layer_8h_source.xhtml <div class="ttc" id="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml">arm_compute::CLGEMMMatrixMultiplyKernel</a></div><div class="ttdoc">OpenCL kernel to multiply two input matrices "A" and "B" or to multiply a vector "A" by a matrix "B"...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml#l00041">CLGEMMMatrixMultiplyKernel.h:41</a></div></div> <div class="ttc" id="_c_l_im2_col_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_im2_col_kernel_8h.xhtml">CLIm2ColKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_col2_im_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml">arm_compute::CLCol2ImKernel</a></div><div class="ttdoc">Interface for the col2im reshaping kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_col2_im_kernel_8h_source.xhtml#l00051">CLCol2ImKernel.h:51</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00362">Types.h:362</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00375">Types.h:375</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_layer_xhtml_a0e2cfb6fb263bd6f761756c816574345"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_layer.xhtml#a0e2cfb6fb263bd6f761756c816574345">arm_compute::CLConvolutionLayer::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, const ICLTensor *weights, const ICLTensor *biases, ICLTensor *output, const PadStrideInfo &conv_info)</div><div class="ttdoc">Set the input and output tensors. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_layer_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_layer.xhtml">arm_compute::CLConvolutionLayer</a></div><div class="ttdoc">Basic function to compute the convolution layer. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_layer_8h_source.xhtml#l00054">CLConvolutionLayer.h:54</a></div></div> <div class="ttc" id="_c_l_fill_border_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_fill_border_kernel_8h.xhtml">CLFillBorderKernel.h</a></div></div> @@ -148,7 +148,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_layer_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_convolution_layer_8h.xhtml">CLConvolutionLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml b/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml index e9f62b2f7..7bdce18fd 100644 --- a/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml +++ b/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml">CLConvolutionLayerWeightsReshapeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h_source.xhtml b/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h_source.xhtml index 82173e163..05bb739dc 100644 --- a/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h_source.xhtml +++ b/documentation/_c_l_convolution_layer_weights_reshape_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_convolution_layer_weights_reshape <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_convolution_layer_weights_reshape_kernel_8h.xhtml">CLConvolutionLayerWeightsReshapeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_depth_convert_8h.xhtml b/documentation/_c_l_depth_convert_8h.xhtml index 125d9633a..879b53363 100644 --- a/documentation/_c_l_depth_convert_8h.xhtml +++ b/documentation/_c_l_depth_convert_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_depth_convert_8h.xhtml">CLDepthConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_depth_convert_8h_source.xhtml b/documentation/_c_l_depth_convert_8h_source.xhtml index cb1e76071..18e701bdc 100644 --- a/documentation/_c_l_depth_convert_8h_source.xhtml +++ b/documentation/_c_l_depth_convert_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,7 +123,7 @@ $(document).ready(function(){initNavTree('_c_l_depth_convert_8h_source.xhtml','' <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_depth_convert_xhtml_a536f0de1a70ea80d40b0a24657ac5290"><div class="ttname"><a href="classarm__compute_1_1_c_l_depth_convert.xhtml#a536f0de1a70ea80d40b0a24657ac5290">arm_compute::CLDepthConvert::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, ConvertPolicy policy, uint32_t shift)</div><div class="ttdoc">Initialize the function&#39;s source, destination. </div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_depth_convert_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_depth_convert_8h.xhtml">CLDepthConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_depth_convert_kernel_8h.xhtml b/documentation/_c_l_depth_convert_kernel_8h.xhtml index 8dcdd1a32..7f739264b 100644 --- a/documentation/_c_l_depth_convert_kernel_8h.xhtml +++ b/documentation/_c_l_depth_convert_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_depth_convert_kernel_8h.xhtml">CLDepthConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_depth_convert_kernel_8h_source.xhtml b/documentation/_c_l_depth_convert_kernel_8h_source.xhtml index dec38a222..fb0bcbfb3 100644 --- a/documentation/_c_l_depth_convert_kernel_8h_source.xhtml +++ b/documentation/_c_l_depth_convert_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,14 +124,14 @@ $(document).ready(function(){initNavTree('_c_l_depth_convert_kernel_8h_source.xh <div class="ttc" id="classarm__compute_1_1_c_l_depth_convert_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_depth_convert_kernel.xhtml">arm_compute::CLDepthConvertKernel</a></div><div class="ttdoc">Interface for the depth conversion kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_depth_convert_kernel_8h_source.xhtml#l00039">CLDepthConvertKernel.h:39</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_depth_convert_kernel_8h.xhtml">CLDepthConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_derivative_8h.xhtml b/documentation/_c_l_derivative_8h.xhtml index 3d50edda9..be2c82ca4 100644 --- a/documentation/_c_l_derivative_8h.xhtml +++ b/documentation/_c_l_derivative_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_derivative_8h.xhtml">CLDerivative.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_derivative_8h_source.xhtml b/documentation/_c_l_derivative_8h_source.xhtml index 76e05a6a0..ea78e5b73 100644 --- a/documentation/_c_l_derivative_8h_source.xhtml +++ b/documentation/_c_l_derivative_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_derivative_8h_source.xhtml','');} <div class="title">CLDerivative.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_derivative_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDERIVATIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDERIVATIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_derivative.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_derivative.xhtml">CLDerivative</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLDERIVATIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_derivative_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDERIVATIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDERIVATIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_derivative.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_derivative.xhtml">CLDerivative</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLDERIVATIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_derivative_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_derivative.xhtml">arm_compute::CLDerivative</a></div><div class="ttdoc">Basic function to execute first order derivative operator. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_derivative_8h_source.xhtml#l00042">CLDerivative.h:42</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_derivative_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_derivative_8h.xhtml">CLDerivative.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_derivative_kernel_8h.xhtml b/documentation/_c_l_derivative_kernel_8h.xhtml index 67a29cef9..aae9227e8 100644 --- a/documentation/_c_l_derivative_kernel_8h.xhtml +++ b/documentation/_c_l_derivative_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_derivative_kernel_8h.xhtml">CLDerivativeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_derivative_kernel_8h_source.xhtml b/documentation/_c_l_derivative_kernel_8h_source.xhtml index 245a64eaa..71cb541a5 100644 --- a/documentation/_c_l_derivative_kernel_8h_source.xhtml +++ b/documentation/_c_l_derivative_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_derivative_kernel_8h_source.xhtml </div><!--header--> <div class="contents"> <a href="_c_l_derivative_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDERIVATIVEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDERIVATIVEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a70712b2131aad30e1abd393799c6fa25">CLDerivativeKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a70712b2131aad30e1abd393799c6fa25">CLDerivativeKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a70712b2131aad30e1abd393799c6fa25">CLDerivativeKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a83d38310c15f7b92264b5403ddd0bbda">~CLDerivativeKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">bool</span> _run_derivative_x; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_derivative_y; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLDERIVATIVEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_derivative_kernel_xhtml_a70712b2131aad30e1abd393799c6fa25"><div class="ttname"><a href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a70712b2131aad30e1abd393799c6fa25">arm_compute::CLDerivativeKernel::CLDerivativeKernel</a></div><div class="ttdeci">CLDerivativeKernel()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_derivative_kernel_xhtml_a3ef5b9e1c310e83a57980bb4f897283a"><div class="ttname"><a href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a">arm_compute::CLDerivativeKernel::operator=</a></div><div class="ttdeci">CLDerivativeKernel & operator=(const CLDerivativeKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers). </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_derivative_kernel_xhtml_a83d38310c15f7b92264b5403ddd0bbda"><div class="ttname"><a href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a83d38310c15f7b92264b5403ddd0bbda">arm_compute::CLDerivativeKernel::~CLDerivativeKernel</a></div><div class="ttdeci">~CLDerivativeKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_derivative_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_derivative_kernel_8h.xhtml">CLDerivativeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_dilate_8h.xhtml b/documentation/_c_l_dilate_8h.xhtml index e55c983bd..549b69c9e 100644 --- a/documentation/_c_l_dilate_8h.xhtml +++ b/documentation/_c_l_dilate_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_dilate_8h.xhtml">CLDilate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_dilate_8h_source.xhtml b/documentation/_c_l_dilate_8h_source.xhtml index f93e3835d..c1bb6ccce 100644 --- a/documentation/_c_l_dilate_8h_source.xhtml +++ b/documentation/_c_l_dilate_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_dilate_8h_source.xhtml','');}); <div class="title">CLDilate.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_dilate_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDILATE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDILATE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_dilate.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_dilate.xhtml">CLDilate</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLDILATE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_dilate_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDILATE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDILATE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_dilate.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_dilate.xhtml">CLDilate</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLDILATE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_dilate_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_dilate_8h.xhtml">CLDilate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_dilate_kernel_8h.xhtml b/documentation/_c_l_dilate_kernel_8h.xhtml index 89ad3311e..2eb5add78 100644 --- a/documentation/_c_l_dilate_kernel_8h.xhtml +++ b/documentation/_c_l_dilate_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_dilate_kernel_8h.xhtml">CLDilateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_dilate_kernel_8h_source.xhtml b/documentation/_c_l_dilate_kernel_8h_source.xhtml index 3fc2c54e1..ed7aa8bde 100644 --- a/documentation/_c_l_dilate_kernel_8h_source.xhtml +++ b/documentation/_c_l_dilate_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_dilate_kernel_8h_source.xhtml','' </div><!--header--> <div class="contents"> <a href="_c_l_dilate_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDILATEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDILATEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml">CLDilateKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLDILATEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_dilate_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLDilateKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_dilate_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLDilateKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input and output. </div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_dilate_kernel_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_dilate_kernel_8h.xhtml">CLDilateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_distribution1_d_8h.xhtml b/documentation/_c_l_distribution1_d_8h.xhtml index b039c6ebd..d5278c4a0 100644 --- a/documentation/_c_l_distribution1_d_8h.xhtml +++ b/documentation/_c_l_distribution1_d_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_distribution1_d_8h.xhtml">CLDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_distribution1_d_8h_source.xhtml b/documentation/_c_l_distribution1_d_8h_source.xhtml index deea87511..6e9124f1b 100644 --- a/documentation/_c_l_distribution1_d_8h_source.xhtml +++ b/documentation/_c_l_distribution1_d_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_distribution1_d_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_distribution1_d_8h.xhtml">CLDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_equalize_histogram_8h.xhtml b/documentation/_c_l_equalize_histogram_8h.xhtml index 3663241a5..857a45148 100644 --- a/documentation/_c_l_equalize_histogram_8h.xhtml +++ b/documentation/_c_l_equalize_histogram_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_equalize_histogram_8h.xhtml">CLEqualizeHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_equalize_histogram_8h_source.xhtml b/documentation/_c_l_equalize_histogram_8h_source.xhtml index 611ef59e9..b78cdd082 100644 --- a/documentation/_c_l_equalize_histogram_8h_source.xhtml +++ b/documentation/_c_l_equalize_histogram_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_c_l_equalize_histogram_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_equalize_histogram_8h.xhtml">CLEqualizeHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_erode_8h.xhtml b/documentation/_c_l_erode_8h.xhtml index e162a87ea..0916c8dfd 100644 --- a/documentation/_c_l_erode_8h.xhtml +++ b/documentation/_c_l_erode_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_erode_8h.xhtml">CLErode.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_erode_8h_source.xhtml b/documentation/_c_l_erode_8h_source.xhtml index 3f2c01d2c..e8943f775 100644 --- a/documentation/_c_l_erode_8h_source.xhtml +++ b/documentation/_c_l_erode_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_erode_8h_source.xhtml','');}); <div class="title">CLErode.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_erode_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLERODE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLERODE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_erode.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_erode.xhtml">CLErode</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLERODE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_erode_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLERODE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLERODE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_erode.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_erode.xhtml">CLErode</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLERODE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_erode_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_erode_8h.xhtml">CLErode.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_erode_kernel_8h.xhtml b/documentation/_c_l_erode_kernel_8h.xhtml index 70d7b7af1..38998b40e 100644 --- a/documentation/_c_l_erode_kernel_8h.xhtml +++ b/documentation/_c_l_erode_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_erode_kernel_8h.xhtml">CLErodeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_erode_kernel_8h_source.xhtml b/documentation/_c_l_erode_kernel_8h_source.xhtml index 577c6734f..a9056f753 100644 --- a/documentation/_c_l_erode_kernel_8h_source.xhtml +++ b/documentation/_c_l_erode_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_erode_kernel_8h_source.xhtml','') </div><!--header--> <div class="contents"> <a href="_c_l_erode_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLERODEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLERODEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_erode_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_erode_kernel.xhtml">CLErodeKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_erode_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLERODEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_erode_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLErodeKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple2_d_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">arm_compute::ICLSimple2DKernel</a></div><div class="ttdoc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple2_d_kernel_8h_source.xhtml#l00034">ICLSimple2DKernel.h:34</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_erode_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_erode_kernel_8h.xhtml">CLErodeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fast_corners_8h.xhtml b/documentation/_c_l_fast_corners_8h.xhtml index d32542d08..968c0458f 100644 --- a/documentation/_c_l_fast_corners_8h.xhtml +++ b/documentation/_c_l_fast_corners_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fast_corners_8h.xhtml">CLFastCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fast_corners_8h_source.xhtml b/documentation/_c_l_fast_corners_8h_source.xhtml index 93ceaa850..7dde8e2f3 100644 --- a/documentation/_c_l_fast_corners_8h_source.xhtml +++ b/documentation/_c_l_fast_corners_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_fast_corners_8h_source.xhtml','') <div class="title">CLFastCorners.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_fast_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFASTCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFASTCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fast_corners_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFastCornersKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_window_8h.xhtml">arm_compute/core/Window.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_array_8h.xhtml">arm_compute/runtime/CL/CLArray.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fast_corners.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a6084c2106cb3a239e026e70151bb0b33">CLFastCorners</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a6084c2106cb3a239e026e70151bb0b33">CLFastCorners</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &<a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> nonmax_suppression, <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLKeyPointArray</a> *corners, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> *num_corners,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> _fast_corners_kernel;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> _suppr_func;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> _copy_array_kernel;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _output;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _suppr;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> _win;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordtype">bool</span> _non_max;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> *_num_corners;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  cl::Buffer _num_buffer;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLKeyPointArray</a> *_corners;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  uint8_t _constant_border_value;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> };</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLFASTCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_fast_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFASTCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFASTCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fast_corners_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFastCornersKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_window_8h.xhtml">arm_compute/core/Window.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_array_8h.xhtml">arm_compute/runtime/CL/CLArray.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fast_corners.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a6084c2106cb3a239e026e70151bb0b33">CLFastCorners</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a6084c2106cb3a239e026e70151bb0b33">CLFastCorners</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &<a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> nonmax_suppression, <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLKeyPointArray</a> *corners, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> *num_corners,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> _fast_corners_kernel;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> _suppr_func;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> _copy_array_kernel;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _output;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _suppr;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> _win;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordtype">bool</span> _non_max;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> *_num_corners;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  cl::Buffer _num_buffer;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLKeyPointArray</a> *_corners;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  uint8_t _constant_border_value;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> };</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLFASTCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_fast_corners_xhtml_a25c563ab5edb7241d8f12406ed96b40c"><div class="ttname"><a href="classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c">arm_compute::CLFastCorners::configure</a></div><div class="ttdeci">void configure(const ICLImage *input, float threshold, bool nonmax_suppression, CLKeyPointArray *corners, unsigned int *num_corners, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_fast_corners_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_fast_corners.xhtml">arm_compute::CLFastCorners</a></div><div class="ttdoc">Basic function to execute fast corners. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_fast_corners_8h_source.xhtml#l00050">CLFastCorners.h:50</a></div></div> @@ -147,7 +147,7 @@ $(document).ready(function(){initNavTree('_c_l_fast_corners_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fast_corners_8h.xhtml">CLFastCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fast_corners_kernel_8h.xhtml b/documentation/_c_l_fast_corners_kernel_8h.xhtml index cc55e31e5..3bcb142d5 100644 --- a/documentation/_c_l_fast_corners_kernel_8h.xhtml +++ b/documentation/_c_l_fast_corners_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_fast_corners_kernel_8h.xhtml">CLFastCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fast_corners_kernel_8h_source.xhtml b/documentation/_c_l_fast_corners_kernel_8h_source.xhtml index 86549162d..12f13986b 100644 --- a/documentation/_c_l_fast_corners_kernel_8h_source.xhtml +++ b/documentation/_c_l_fast_corners_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,10 +116,10 @@ $(document).ready(function(){initNavTree('_c_l_fast_corners_kernel_8h_source.xht <div class="title">CLFastCornersKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_fast_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_array_8h.xhtml">arm_compute/core/CL/ICLArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>Buffer;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> }</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>();</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ~<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *output, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> <a class="code" href="nonmax_8cl.xhtml#a07874f4cb83d115b3c588835d17a8f93">non_max_suppression</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_output;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> };</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00080"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml"> 80</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> {</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  ~<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">bool</span> update_number, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *corners, cl::Buffer *num_buffers);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> </div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input; </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_corners; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  cl::Buffer *_num_buffer; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> };</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> }</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_fast_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_array_8h.xhtml">arm_compute/core/CL/ICLArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>Buffer;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> }</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>();</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ~<a class="code" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *output, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> <a class="code" href="nonmax_8cl.xhtml#a07874f4cb83d115b3c588835d17a8f93">non_max_suppression</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_output;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> };</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00080"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml"> 80</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> {</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  ~<a class="code" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">bool</span> update_number, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *corners, cl::Buffer *num_buffers);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> </div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input; </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_corners; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  cl::Buffer *_num_buffer; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> };</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> }</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLFASTCORNERSKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="namespacecl_xhtml"><div class="ttname"><a href="namespacecl.xhtml">cl</a></div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_distribution1_d_8h_source.xhtml#l00032">ICLDistribution1D.h:32</a></div></div> <div class="ttc" id="_i_c_l_array_8h_xhtml"><div class="ttname"><a href="_i_c_l_array_8h.xhtml">ICLArray.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_aa80145f30ddae0c2ccbcaa910e3e71dd"><div class="ttname"><a href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">arm_compute::ICLImage</a></div><div class="ttdeci">ICLTensor ICLImage</div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_multi_image_8h_source.xhtml#l00032">ICLMultiImage.h:32</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_fast_corners_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">arm_compute::CLFastCornersKernel</a></div><div class="ttdoc">CL kernel to perform fast corners. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_fast_corners_kernel_8h_source.xhtml#l00044">CLFastCornersKernel.h:44</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_fast_corners_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_fast_corners_kernel_8h.xhtml">CLFastCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fill_border_8h.xhtml b/documentation/_c_l_fill_border_8h.xhtml index 930b33f96..d95d7e4a2 100644 --- a/documentation/_c_l_fill_border_8h.xhtml +++ b/documentation/_c_l_fill_border_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fill_border_8h.xhtml">CLFillBorder.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fill_border_8h_source.xhtml b/documentation/_c_l_fill_border_8h_source.xhtml index 45d5737b9..91965b3f8 100644 --- a/documentation/_c_l_fill_border_8h_source.xhtml +++ b/documentation/_c_l_fill_border_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_fill_border_8h_source.xhtml',''); <div class="title">CLFillBorder.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_fill_border_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFILLBORDER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFILLBORDER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fill_border.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fill_border.xhtml">CLFillBorder</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *tensor, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> border_width, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> }</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_FILLBORDER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_fill_border_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFILLBORDER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFILLBORDER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fill_border.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fill_border.xhtml">CLFillBorder</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *tensor, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> border_width, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> }</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_FILLBORDER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pixel_value_8h_xhtml"><div class="ttname"><a href="_pixel_value_8h.xhtml">PixelValue.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_pixel_value_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pixel_value.xhtml">arm_compute::PixelValue</a></div><div class="ttdoc">Class describing the value of a pixel for any image format. </div><div class="ttdef"><b>Definition:</b> <a href="_pixel_value_8h_source.xhtml#l00032">PixelValue.h:32</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_fill_border_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fill_border_8h.xhtml">CLFillBorder.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fill_border_kernel_8h.xhtml b/documentation/_c_l_fill_border_kernel_8h.xhtml index eb1c1288f..0611af117 100644 --- a/documentation/_c_l_fill_border_kernel_8h.xhtml +++ b/documentation/_c_l_fill_border_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_fill_border_kernel_8h.xhtml">CLFillBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fill_border_kernel_8h_source.xhtml b/documentation/_c_l_fill_border_kernel_8h_source.xhtml index fbff8e16d..7038dca76 100644 --- a/documentation/_c_l_fill_border_kernel_8h_source.xhtml +++ b/documentation/_c_l_fill_border_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,10 +116,10 @@ $(document).ready(function(){initNavTree('_c_l_fill_border_kernel_8h_source.xhtm <div class="title">CLFillBorderKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_fill_border_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ad22d0bc4356a4068c244952df68fd5c7">~CLFillBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *tensor, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ac56c459beac7a6b904b6dece97b377e6">set_constant_border</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> idx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value);</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">is_parallelisable</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_tensor;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> };</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> }</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLFILLBORDERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_fill_border_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a381be9310933ff673959d1d7b6842b8e">CLFillBorderKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ad22d0bc4356a4068c244952df68fd5c7">~CLFillBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *tensor, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ac56c459beac7a6b904b6dece97b377e6">set_constant_border</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> idx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value);</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">is_parallelisable</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_tensor;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> };</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> }</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLFILLBORDERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pixel_value_8h_xhtml"><div class="ttname"><a href="_pixel_value_8h.xhtml">PixelValue.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_pixel_value_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pixel_value.xhtml">arm_compute::PixelValue</a></div><div class="ttdoc">Class describing the value of a pixel for any image format. </div><div class="ttdef"><b>Definition:</b> <a href="_pixel_value_8h_source.xhtml#l00032">PixelValue.h:32</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_fill_border_kernel_xhtml_a4370ae5fda7bd455a171fc8ed4d3f283"><div class="ttname"><a href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">arm_compute::CLFillBorderKernel::is_parallelisable</a></div><div class="ttdeci">bool is_parallelisable() const override</div><div class="ttdoc">Indicates whether or not the kernel is parallelisable. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('_c_l_fill_border_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_fill_border_kernel_8h.xhtml">CLFillBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fully_connected_layer_8h.xhtml b/documentation/_c_l_fully_connected_layer_8h.xhtml index a134ed5ca..04a83522a 100644 --- a/documentation/_c_l_fully_connected_layer_8h.xhtml +++ b/documentation/_c_l_fully_connected_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fully_connected_layer_8h.xhtml">CLFullyConnectedLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_fully_connected_layer_8h_source.xhtml b/documentation/_c_l_fully_connected_layer_8h_source.xhtml index 9a3783b33..ab8ff86de 100644 --- a/documentation/_c_l_fully_connected_layer_8h_source.xhtml +++ b/documentation/_c_l_fully_connected_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_c_l_fully_connected_layer_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_fully_connected_layer_8h.xhtml">CLFullyConnectedLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_functions_8h.xhtml b/documentation/_c_l_functions_8h.xhtml index 2d431907f..9a15be4fa 100644 --- a/documentation/_c_l_functions_8h.xhtml +++ b/documentation/_c_l_functions_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,6 +141,7 @@ $(document).ready(function(){initNavTree('_c_l_functions_8h.xhtml','');}); <code>#include "<a class="el" href="_c_l_fill_border_8h_source.xhtml">arm_compute/runtime/CL/functions/CLFillBorder.h</a>"</code><br /> <code>#include "<a class="el" href="_c_l_fully_connected_layer_8h_source.xhtml">arm_compute/runtime/CL/functions/CLFullyConnectedLayer.h</a>"</code><br /> <code>#include "<a class="el" href="_c_l_g_e_m_m_8h_source.xhtml">arm_compute/runtime/CL/functions/CLGEMM.h</a>"</code><br /> +<code>#include "<a class="el" href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h</a>"</code><br /> <code>#include "<a class="el" href="_c_l_g_e_m_m_lowp_8h_source.xhtml">arm_compute/runtime/CL/functions/CLGEMMLowp.h</a>"</code><br /> <code>#include "<a class="el" href="_c_l_gaussian3x3_8h_source.xhtml">arm_compute/runtime/CL/functions/CLGaussian3x3.h</a>"</code><br /> <code>#include "<a class="el" href="_c_l_gaussian5x5_8h_source.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</code><br /> @@ -181,7 +182,7 @@ $(document).ready(function(){initNavTree('_c_l_functions_8h.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_functions_8h_source.xhtml b/documentation/_c_l_functions_8h_source.xhtml index 929f0e3ce..e58d7a6ea 100644 --- a/documentation/_c_l_functions_8h_source.xhtml +++ b/documentation/_c_l_functions_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,11 +116,12 @@ $(document).ready(function(){initNavTree('_c_l_functions_8h_source.xhtml','');}) <div class="title">CLFunctions.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_functions_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFUNCTIONS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFUNCTIONS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="comment">/* Header regrouping all the CL functions */</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_absolute_difference_8h.xhtml">arm_compute/runtime/CL/functions/CLAbsoluteDifference.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_accumulate_8h.xhtml">arm_compute/runtime/CL/functions/CLAccumulate.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_activation_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLActivationLayer.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_addition_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_and_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseAnd.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_not_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseNot.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_or_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseOr.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_xor_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseXor.h</a>"</span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include "<a class="code" href="_c_l_box3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLBox3x3.h</a>"</span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include "<a class="code" href="_c_l_canny_edge_8h.xhtml">arm_compute/runtime/CL/functions/CLCannyEdge.h</a>"</span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include "<a class="code" href="_c_l_channel_combine_8h.xhtml">arm_compute/runtime/CL/functions/CLChannelCombine.h</a>"</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include "<a class="code" href="_c_l_channel_extract_8h.xhtml">arm_compute/runtime/CL/functions/CLChannelExtract.h</a>"</span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="preprocessor">#include "<a class="code" href="_c_l_color_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLColorConvert.h</a>"</span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_8h.xhtml">arm_compute/runtime/CL/functions/CLConvolution.h</a>"</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLConvolutionLayer.h</a>"</span></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="preprocessor">#include "<a class="code" href="_c_l_derivative_8h.xhtml">arm_compute/runtime/CL/functions/CLDerivative.h</a>"</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="preprocessor">#include "<a class="code" href="_c_l_dilate_8h.xhtml">arm_compute/runtime/CL/functions/CLDilate.h</a>"</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="preprocessor">#include "<a class="code" href="_c_l_equalize_histogram_8h.xhtml">arm_compute/runtime/CL/functions/CLEqualizeHistogram.h</a>"</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="preprocessor">#include "<a class="code" href="_c_l_erode_8h.xhtml">arm_compute/runtime/CL/functions/CLErode.h</a>"</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fast_corners_8h.xhtml">arm_compute/runtime/CL/functions/CLFastCorners.h</a>"</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_8h.xhtml">arm_compute/runtime/CL/functions/CLFillBorder.h</a>"</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fully_connected_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLFullyConnectedLayer.h</a>"</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#include "<a class="code" href="_c_l_g_e_m_m_8h.xhtml">arm_compute/runtime/CL/functions/CLGEMM.h</a>"</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="preprocessor">#include "<a class="code" href="_c_l_g_e_m_m_lowp_8h.xhtml">arm_compute/runtime/CL/functions/CLGEMMLowp.h</a>"</span></div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian3x3.h</a>"</span></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="preprocessor">#include "<a class="code" href="_c_l_harris_corners_8h.xhtml">arm_compute/runtime/CL/functions/CLHarrisCorners.h</a>"</span></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#include "<a class="code" href="_c_l_histogram_8h.xhtml">arm_compute/runtime/CL/functions/CLHistogram.h</a>"</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#include "<a class="code" href="_c_l_integral_image_8h.xhtml">arm_compute/runtime/CL/functions/CLIntegralImage.h</a>"</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor">#include "<a class="code" href="_c_l_laplacian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLLaplacianPyramid.h</a>"</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#include "<a class="code" href="_c_l_laplacian_reconstruct_8h.xhtml">arm_compute/runtime/CL/functions/CLLaplacianReconstruct.h</a>"</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor">#include "<a class="code" href="_c_l_magnitude_8h.xhtml">arm_compute/runtime/CL/functions/CLMagnitude.h</a>"</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor">#include "<a class="code" href="_c_l_mean_std_dev_8h.xhtml">arm_compute/runtime/CL/functions/CLMeanStdDev.h</a>"</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="preprocessor">#include "<a class="code" href="_c_l_median3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLMedian3x3.h</a>"</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="preprocessor">#include "<a class="code" href="_c_l_min_max_location_8h.xhtml">arm_compute/runtime/CL/functions/CLMinMaxLocation.h</a>"</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_linear_filter_8h.xhtml">arm_compute/runtime/CL/functions/CLNonLinearFilter.h</a>"</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor">#include "<a class="code" href="_c_l_normalization_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLNormalizationLayer.h</a>"</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="preprocessor">#include "<a class="code" href="_c_l_optical_flow_8h.xhtml">arm_compute/runtime/CL/functions/CLOpticalFlow.h</a>"</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#include "<a class="code" href="_c_l_phase_8h.xhtml">arm_compute/runtime/CL/functions/CLPhase.h</a>"</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pixel_wise_multiplication_8h.xhtml">arm_compute/runtime/CL/functions/CLPixelWiseMultiplication.h</a>"</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pooling_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLPoolingLayer.h</a>"</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="preprocessor">#include "<a class="code" href="_c_l_remap_8h.xhtml">arm_compute/runtime/CL/functions/CLRemap.h</a>"</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scale_8h.xhtml">arm_compute/runtime/CL/functions/CLScale.h</a>"</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scharr3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLScharr3x3.h</a>"</span></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel3x3.h</a>"</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel5x5.h</a>"</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel7x7_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel7x7.h</a>"</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#include "<a class="code" href="_c_l_softmax_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLSoftmaxLayer.h</a>"</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor">#include "<a class="code" href="_c_l_table_lookup_8h.xhtml">arm_compute/runtime/CL/functions/CLTableLookup.h</a>"</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor">#include "<a class="code" href="_c_l_threshold_8h.xhtml">arm_compute/runtime/CL/functions/CLThreshold.h</a>"</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#include "<a class="code" href="_c_l_transpose_8h.xhtml">arm_compute/runtime/CL/functions/CLTranspose.h</a>"</span></div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="preprocessor">#include "<a class="code" href="_c_l_warp_affine_8h.xhtml">arm_compute/runtime/CL/functions/CLWarpAffine.h</a>"</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="preprocessor">#include "<a class="code" href="_c_l_warp_perspective_8h.xhtml">arm_compute/runtime/CL/functions/CLWarpPerspective.h</a>"</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLFUNCTIONS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_c_l_harris_corners_8h_xhtml"><div class="ttname"><a href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></div></div> +<a href="_c_l_functions_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLFUNCTIONS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLFUNCTIONS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="comment">/* Header regrouping all the CL functions */</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_absolute_difference_8h.xhtml">arm_compute/runtime/CL/functions/CLAbsoluteDifference.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_accumulate_8h.xhtml">arm_compute/runtime/CL/functions/CLAccumulate.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_activation_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLActivationLayer.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_addition_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_and_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseAnd.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_not_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseNot.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_or_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseOr.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include "<a class="code" href="_c_l_bitwise_xor_8h.xhtml">arm_compute/runtime/CL/functions/CLBitwiseXor.h</a>"</span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include "<a class="code" href="_c_l_box3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLBox3x3.h</a>"</span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include "<a class="code" href="_c_l_canny_edge_8h.xhtml">arm_compute/runtime/CL/functions/CLCannyEdge.h</a>"</span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include "<a class="code" href="_c_l_channel_combine_8h.xhtml">arm_compute/runtime/CL/functions/CLChannelCombine.h</a>"</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include "<a class="code" href="_c_l_channel_extract_8h.xhtml">arm_compute/runtime/CL/functions/CLChannelExtract.h</a>"</span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="preprocessor">#include "<a class="code" href="_c_l_color_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLColorConvert.h</a>"</span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_8h.xhtml">arm_compute/runtime/CL/functions/CLConvolution.h</a>"</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="preprocessor">#include "<a class="code" href="_c_l_convolution_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLConvolutionLayer.h</a>"</span></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="preprocessor">#include "<a class="code" href="_c_l_derivative_8h.xhtml">arm_compute/runtime/CL/functions/CLDerivative.h</a>"</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="preprocessor">#include "<a class="code" href="_c_l_dilate_8h.xhtml">arm_compute/runtime/CL/functions/CLDilate.h</a>"</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="preprocessor">#include "<a class="code" href="_c_l_equalize_histogram_8h.xhtml">arm_compute/runtime/CL/functions/CLEqualizeHistogram.h</a>"</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="preprocessor">#include "<a class="code" href="_c_l_erode_8h.xhtml">arm_compute/runtime/CL/functions/CLErode.h</a>"</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fast_corners_8h.xhtml">arm_compute/runtime/CL/functions/CLFastCorners.h</a>"</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_8h.xhtml">arm_compute/runtime/CL/functions/CLFillBorder.h</a>"</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fully_connected_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLFullyConnectedLayer.h</a>"</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#include "<a class="code" href="_c_l_g_e_m_m_8h.xhtml">arm_compute/runtime/CL/functions/CLGEMM.h</a>"</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="preprocessor">#include "<a class="code" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h</a>"</span></div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="preprocessor">#include "<a class="code" href="_c_l_g_e_m_m_lowp_8h.xhtml">arm_compute/runtime/CL/functions/CLGEMMLowp.h</a>"</span></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian3x3.h</a>"</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#include "<a class="code" href="_c_l_harris_corners_8h.xhtml">arm_compute/runtime/CL/functions/CLHarrisCorners.h</a>"</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#include "<a class="code" href="_c_l_histogram_8h.xhtml">arm_compute/runtime/CL/functions/CLHistogram.h</a>"</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor">#include "<a class="code" href="_c_l_integral_image_8h.xhtml">arm_compute/runtime/CL/functions/CLIntegralImage.h</a>"</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#include "<a class="code" href="_c_l_laplacian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLLaplacianPyramid.h</a>"</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor">#include "<a class="code" href="_c_l_laplacian_reconstruct_8h.xhtml">arm_compute/runtime/CL/functions/CLLaplacianReconstruct.h</a>"</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor">#include "<a class="code" href="_c_l_magnitude_8h.xhtml">arm_compute/runtime/CL/functions/CLMagnitude.h</a>"</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="preprocessor">#include "<a class="code" href="_c_l_mean_std_dev_8h.xhtml">arm_compute/runtime/CL/functions/CLMeanStdDev.h</a>"</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="preprocessor">#include "<a class="code" href="_c_l_median3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLMedian3x3.h</a>"</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="preprocessor">#include "<a class="code" href="_c_l_min_max_location_8h.xhtml">arm_compute/runtime/CL/functions/CLMinMaxLocation.h</a>"</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_linear_filter_8h.xhtml">arm_compute/runtime/CL/functions/CLNonLinearFilter.h</a>"</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLNonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="preprocessor">#include "<a class="code" href="_c_l_normalization_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLNormalizationLayer.h</a>"</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#include "<a class="code" href="_c_l_optical_flow_8h.xhtml">arm_compute/runtime/CL/functions/CLOpticalFlow.h</a>"</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#include "<a class="code" href="_c_l_phase_8h.xhtml">arm_compute/runtime/CL/functions/CLPhase.h</a>"</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pixel_wise_multiplication_8h.xhtml">arm_compute/runtime/CL/functions/CLPixelWiseMultiplication.h</a>"</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pooling_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLPoolingLayer.h</a>"</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#include "<a class="code" href="_c_l_remap_8h.xhtml">arm_compute/runtime/CL/functions/CLRemap.h</a>"</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scale_8h.xhtml">arm_compute/runtime/CL/functions/CLScale.h</a>"</span></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scharr3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLScharr3x3.h</a>"</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel3x3.h</a>"</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel5x5.h</a>"</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel7x7_8h.xhtml">arm_compute/runtime/CL/functions/CLSobel7x7.h</a>"</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor">#include "<a class="code" href="_c_l_softmax_layer_8h.xhtml">arm_compute/runtime/CL/functions/CLSoftmaxLayer.h</a>"</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor">#include "<a class="code" href="_c_l_table_lookup_8h.xhtml">arm_compute/runtime/CL/functions/CLTableLookup.h</a>"</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#include "<a class="code" href="_c_l_threshold_8h.xhtml">arm_compute/runtime/CL/functions/CLThreshold.h</a>"</span></div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="preprocessor">#include "<a class="code" href="_c_l_transpose_8h.xhtml">arm_compute/runtime/CL/functions/CLTranspose.h</a>"</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="preprocessor">#include "<a class="code" href="_c_l_warp_affine_8h.xhtml">arm_compute/runtime/CL/functions/CLWarpAffine.h</a>"</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#include "<a class="code" href="_c_l_warp_perspective_8h.xhtml">arm_compute/runtime/CL/functions/CLWarpPerspective.h</a>"</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLFUNCTIONS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_c_l_harris_corners_8h_xhtml"><div class="ttname"><a href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></div></div> <div class="ttc" id="_c_l_convolution_layer_8h_xhtml"><div class="ttname"><a href="_c_l_convolution_layer_8h.xhtml">CLConvolutionLayer.h</a></div></div> <div class="ttc" id="_c_l_integral_image_8h_xhtml"><div class="ttname"><a href="_c_l_integral_image_8h.xhtml">CLIntegralImage.h</a></div></div> <div class="ttc" id="_c_l_bitwise_or_8h_xhtml"><div class="ttname"><a href="_c_l_bitwise_or_8h.xhtml">CLBitwiseOr.h</a></div></div> <div class="ttc" id="_c_l_warp_affine_8h_xhtml"><div class="ttname"><a href="_c_l_warp_affine_8h.xhtml">CLWarpAffine.h</a></div></div> +<div class="ttc" id="_c_l_g_e_m_m_interleave4x4_8h_xhtml"><div class="ttname"><a href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">CLGEMMInterleave4x4.h</a></div></div> <div class="ttc" id="_c_l_non_linear_filter_8h_xhtml"><div class="ttname"><a href="_c_l_non_linear_filter_8h.xhtml">CLNonLinearFilter.h</a></div></div> <div class="ttc" id="_c_l_accumulate_8h_xhtml"><div class="ttname"><a href="_c_l_accumulate_8h.xhtml">CLAccumulate.h</a></div></div> <div class="ttc" id="_c_l_arithmetic_addition_8h_xhtml"><div class="ttname"><a href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></div></div> @@ -179,7 +180,7 @@ $(document).ready(function(){initNavTree('_c_l_functions_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_8h.xhtml b/documentation/_c_l_g_e_m_m_8h.xhtml index 426ff0a53..eb4cd7174 100644 --- a/documentation/_c_l_g_e_m_m_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_8h.xhtml">CLGEMM.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_8h_source.xhtml b/documentation/_c_l_g_e_m_m_8h_source.xhtml index 0ca852fea..ce4cb229a 100644 --- a/documentation/_c_l_g_e_m_m_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_8h.xhtml">CLGEMM.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_interleave4x4_8h.xhtml b/documentation/_c_l_g_e_m_m_interleave4x4_8h.xhtml new file mode 100644 index 000000000..66995f17c --- /dev/null +++ b/documentation/_c_l_g_e_m_m_interleave4x4_8h.xhtml @@ -0,0 +1,149 @@ +<!-- HTML header for doxygen 1.8.9.1--> +<!DOCTYPE html PUBLIC "-//W3C//DTD XHTML 1.0 Transitional//EN" "http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd"> +<html xmlns="http://www.w3.org/1999/xhtml"> +<head> +<meta http-equiv="Content-Type" content="text/xhtml;charset=UTF-8"/> +<meta http-equiv="X-UA-Compatible" content="IE=9"/> +<meta name="generator" content="Doxygen 1.8.11"/> +<meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> +<title>ARM Compute Library: arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h File Reference</title> +<link href="tabs.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="jquery.js"></script> +<script type="text/javascript" src="dynsections.js"></script> +<link href="navtree.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="resize.js"></script> +<script type="text/javascript" src="navtreedata.js"></script> +<script type="text/javascript" src="navtree.js"></script> +<script type="text/javascript"> + $(document).ready(initResizable); + $(window).load(resizeHeight); +</script> +<link href="search/search.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="search/searchdata.js"></script> +<script type="text/javascript" src="search/search.js"></script> +<script type="text/javascript"> + $(document).ready(function() { init_search(); }); +</script> +<script type="text/x-mathjax-config"> + MathJax.Hub.Config({ + extensions: ["tex2jax.js"], + jax: ["input/TeX","output/HTML-CSS"], +}); +</script><script type="text/javascript" src="http://cdn.mathjax.org/mathjax/latest/MathJax.js"></script> +<link href="doxygen.css" rel="stylesheet" type="text/css" /> +</head> +<body> +<div id="top"><!-- do not remove this div, it is closed by doxygen! --> +<div id="titlearea"> +<table cellspacing="0" cellpadding="0"> + <tbody> + <tr style="height: 56px;"> + <td style="padding-left: 0.5em;"> + <div id="projectname">ARM Compute Library +  <span id="projectnumber">17.05</span> + </div> + </td> + </tr> + </tbody> +</table> +</div> +<!-- end header part --> +<!-- Generated by Doxygen 1.8.11 --> +<script type="text/javascript"> +var searchBox = new SearchBox("searchBox", "search",false,'Search'); +</script> + <div id="navrow1" class="tabs"> + <ul class="tablist"> + <li><a href="index.xhtml"><span>Main Page</span></a></li> + <li><a href="namespaces.xhtml"><span>Namespaces</span></a></li> + <li><a href="annotated.xhtml"><span>Data Structures</span></a></li> + <li class="current"><a href="files.xhtml"><span>Files</span></a></li> + <li> + <div id="MSearchBox" class="MSearchBoxInactive"> + <span class="left"> + <img id="MSearchSelect" src="search/mag_sel.png" + onmouseover="return searchBox.OnSearchSelectShow()" + onmouseout="return searchBox.OnSearchSelectHide()" + alt=""/> + <input type="text" id="MSearchField" value="Search" accesskey="S" + onfocus="searchBox.OnSearchFieldFocus(true)" + onblur="searchBox.OnSearchFieldFocus(false)" + onkeyup="searchBox.OnSearchFieldChange(event)"/> + </span><span class="right"> + <a id="MSearchClose" href="javascript:searchBox.CloseResultsWindow()"><img id="MSearchCloseImg" border="0" src="search/close.png" alt=""/></a> + </span> + </div> + </li> + </ul> + </div> + <div id="navrow2" class="tabs2"> + <ul class="tablist"> + <li><a href="files.xhtml"><span>File List</span></a></li> + <li><a href="globals.xhtml"><span>Globals</span></a></li> + </ul> + </div> +</div><!-- top --> +<div id="side-nav" class="ui-resizable side-nav-resizable"> + <div id="nav-tree"> + <div id="nav-tree-contents"> + <div id="nav-sync" class="sync"></div> + </div> + </div> + <div id="splitbar" style="-moz-user-select:none;" + class="ui-resizable-handle"> + </div> +</div> +<script type="text/javascript"> +$(document).ready(function(){initNavTree('_c_l_g_e_m_m_interleave4x4_8h.xhtml','');}); +</script> +<div id="doc-content"> +<!-- window showing the filter options --> +<div id="MSearchSelectWindow" + onmouseover="return searchBox.OnSearchSelectShow()" + onmouseout="return searchBox.OnSearchSelectHide()" + onkeydown="return searchBox.OnSearchSelectKey(event)"> +</div> + +<!-- iframe showing the search results (closed by default) --> +<div id="MSearchResultsWindow"> +<iframe src="javascript:void(0)" frameborder="0" + name="MSearchResults" id="MSearchResults"> +</iframe> +</div> + +<div class="header"> + <div class="summary"> +<a href="#nested-classes">Data Structures</a> | +<a href="#namespaces">Namespaces</a> </div> + <div class="headertitle"> +<div class="title">CLGEMMInterleave4x4.h File Reference</div> </div> +</div><!--header--> +<div class="contents"> +<div class="textblock"><code>#include "<a class="el" href="_i_c_l_simple_function_8h_source.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</code><br /> +</div> +<p><a href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">Go to the source code of this file.</a></p> +<table class="memberdecls"> +<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="nested-classes"></a> +Data Structures</h2></td></tr> +<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">CLGEMMInterleave4x4</a></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a>. <a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#details">More...</a><br /></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +</table><table class="memberdecls"> +<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="namespaces"></a> +Namespaces</h2></td></tr> +<tr class="memitem:namespacearm__compute"><td class="memItemLeft" align="right" valign="top">  </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +</table> +</div><!-- contents --> +</div><!-- doc-content --> +<!-- start footer part --> +<div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> + <ul> + <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">CLGEMMInterleave4x4.h</a></li> + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by + <a href="http://www.doxygen.org/index.html"> + <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> + </ul> +</div> +</body> +</html> diff --git a/documentation/_c_l_g_e_m_m_interleave4x4_8h_source.xhtml b/documentation/_c_l_g_e_m_m_interleave4x4_8h_source.xhtml new file mode 100644 index 000000000..4cb8912f1 --- /dev/null +++ b/documentation/_c_l_g_e_m_m_interleave4x4_8h_source.xhtml @@ -0,0 +1,137 @@ +<!-- HTML header for doxygen 1.8.9.1--> +<!DOCTYPE html PUBLIC "-//W3C//DTD XHTML 1.0 Transitional//EN" "http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd"> +<html xmlns="http://www.w3.org/1999/xhtml"> +<head> +<meta http-equiv="Content-Type" content="text/xhtml;charset=UTF-8"/> +<meta http-equiv="X-UA-Compatible" content="IE=9"/> +<meta name="generator" content="Doxygen 1.8.11"/> +<meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> +<title>ARM Compute Library: arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h Source File</title> +<link href="tabs.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="jquery.js"></script> +<script type="text/javascript" src="dynsections.js"></script> +<link href="navtree.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="resize.js"></script> +<script type="text/javascript" src="navtreedata.js"></script> +<script type="text/javascript" src="navtree.js"></script> +<script type="text/javascript"> + $(document).ready(initResizable); + $(window).load(resizeHeight); +</script> +<link href="search/search.css" rel="stylesheet" type="text/css"/> +<script type="text/javascript" src="search/searchdata.js"></script> +<script type="text/javascript" src="search/search.js"></script> +<script type="text/javascript"> + $(document).ready(function() { init_search(); }); +</script> +<script type="text/x-mathjax-config"> + MathJax.Hub.Config({ + extensions: ["tex2jax.js"], + jax: ["input/TeX","output/HTML-CSS"], +}); +</script><script type="text/javascript" src="http://cdn.mathjax.org/mathjax/latest/MathJax.js"></script> +<link href="doxygen.css" rel="stylesheet" type="text/css" /> +</head> +<body> +<div id="top"><!-- do not remove this div, it is closed by doxygen! --> +<div id="titlearea"> +<table cellspacing="0" cellpadding="0"> + <tbody> + <tr style="height: 56px;"> + <td style="padding-left: 0.5em;"> + <div id="projectname">ARM Compute Library +  <span id="projectnumber">17.05</span> + </div> + </td> + </tr> + </tbody> +</table> +</div> +<!-- end header part --> +<!-- Generated by Doxygen 1.8.11 --> +<script type="text/javascript"> +var searchBox = new SearchBox("searchBox", "search",false,'Search'); +</script> + <div id="navrow1" class="tabs"> + <ul class="tablist"> + <li><a href="index.xhtml"><span>Main Page</span></a></li> + <li><a href="namespaces.xhtml"><span>Namespaces</span></a></li> + <li><a href="annotated.xhtml"><span>Data Structures</span></a></li> + <li class="current"><a href="files.xhtml"><span>Files</span></a></li> + <li> + <div id="MSearchBox" class="MSearchBoxInactive"> + <span class="left"> + <img id="MSearchSelect" src="search/mag_sel.png" + onmouseover="return searchBox.OnSearchSelectShow()" + onmouseout="return searchBox.OnSearchSelectHide()" + alt=""/> + <input type="text" id="MSearchField" value="Search" accesskey="S" + onfocus="searchBox.OnSearchFieldFocus(true)" + onblur="searchBox.OnSearchFieldFocus(false)" + onkeyup="searchBox.OnSearchFieldChange(event)"/> + </span><span class="right"> + <a id="MSearchClose" href="javascript:searchBox.CloseResultsWindow()"><img id="MSearchCloseImg" border="0" src="search/close.png" alt=""/></a> + </span> + </div> + </li> + </ul> + </div> + <div id="navrow2" class="tabs2"> + <ul class="tablist"> + <li><a href="files.xhtml"><span>File List</span></a></li> + <li><a href="globals.xhtml"><span>Globals</span></a></li> + </ul> + </div> +</div><!-- top --> +<div id="side-nav" class="ui-resizable side-nav-resizable"> + <div id="nav-tree"> + <div id="nav-tree-contents"> + <div id="nav-sync" class="sync"></div> + </div> + </div> + <div id="splitbar" style="-moz-user-select:none;" + class="ui-resizable-handle"> + </div> +</div> +<script type="text/javascript"> +$(document).ready(function(){initNavTree('_c_l_g_e_m_m_interleave4x4_8h_source.xhtml','');}); +</script> +<div id="doc-content"> +<!-- window showing the filter options --> +<div id="MSearchSelectWindow" + onmouseover="return searchBox.OnSearchSelectShow()" + onmouseout="return searchBox.OnSearchSelectHide()" + onkeydown="return searchBox.OnSearchSelectKey(event)"> +</div> + +<!-- iframe showing the search results (closed by default) --> +<div id="MSearchResultsWindow"> +<iframe src="javascript:void(0)" frameborder="0" + name="MSearchResults" id="MSearchResults"> +</iframe> +</div> + +<div class="header"> + <div class="headertitle"> +<div class="title">CLGEMMInterleave4x4.h</div> </div> +</div><!--header--> +<div class="contents"> +<a href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">CLGEMMInterleave4x4</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output);</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> }</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLGEMMINTERLEAVE4X4_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> +<div class="ttc" id="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">arm_compute::CLGEMMInterleave4x4</a></div><div class="ttdoc">Basic function to execute CLGEMMInterleave4x4Kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml#l00038">CLGEMMInterleave4x4.h:38</a></div></div> +<div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> +<div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> +<div class="ttc" id="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_xhtml_a074e10cfb217e657b9e81adeca2abc68"><div class="ttname"><a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68">arm_compute::CLGEMMInterleave4x4::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output. </div></div> +</div><!-- fragment --></div><!-- contents --> +</div><!-- doc-content --> +<!-- start footer part --> +<div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> + <ul> + <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">CLGEMMInterleave4x4.h</a></li> + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by + <a href="http://www.doxygen.org/index.html"> + <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> + </ul> +</div> +</body> +</html> diff --git a/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml index 1cbdd82c8..9b46fae14 100644 --- a/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml">CLGEMMInterleave4x4Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml index 63efc6592..76957cc2f 100644 --- a/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_interleave4x4_kernel_8h_s <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml">CLGEMMInterleave4x4Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_lowp_8h.xhtml b/documentation/_c_l_g_e_m_m_lowp_8h.xhtml index 11ef0d7a1..138719333 100644 --- a/documentation/_c_l_g_e_m_m_lowp_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_lowp_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml">CLGEMMLowp.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_lowp_8h_source.xhtml b/documentation/_c_l_g_e_m_m_lowp_8h_source.xhtml index 5707e4e47..a2d9d1d97 100644 --- a/documentation/_c_l_g_e_m_m_lowp_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_lowp_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_lowp_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml">CLGEMMLowp.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml index 3f89fe422..4115c8b63 100644 --- a/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml">CLGEMMLowpMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml index b08fd7f0c..cccb45fbb 100644 --- a/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_lowp_matrix_multiply_kern <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml">CLGEMMLowpMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml index bfaff381e..4b992d491 100644 --- a/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml">CLGEMMMatrixAccumulateBiasesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml index 0e9aea2e6..88a23409a 100644 --- a/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_matrix_accumulate_biases_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml">CLGEMMMatrixAccumulateBiasesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml index 47db92adb..b80d0866f 100644 --- a/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml">CLGEMMMatrixAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h_source.xhtml index 3cf2134e2..a5b853376 100644 --- a/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_addition_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_matrix_addition_kernel_8h <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_addition_kernel_8h.xhtml">CLGEMMMatrixAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml index 8334f083e..def80198b 100644 --- a/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml">CLGEMMMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml index d246810ee..f4f4f82fe 100644 --- a/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_matrix_multiply_kernel_8h <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_matrix_multiply_kernel_8h.xhtml">CLGEMMMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml b/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml index 43317dac4..1042b9091 100644 --- a/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml +++ b/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml">CLGEMMTranspose1xWKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml b/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml index d76c77b1b..5265db2fd 100644 --- a/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml +++ b/documentation/_c_l_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_g_e_m_m_transpose1x_w_kernel_8h_s <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_g_e_m_m_transpose1x_w_kernel_8h.xhtml">CLGEMMTranspose1xWKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian3x3_8h.xhtml b/documentation/_c_l_gaussian3x3_8h.xhtml index 05007dc02..00c415e97 100644 --- a/documentation/_c_l_gaussian3x3_8h.xhtml +++ b/documentation/_c_l_gaussian3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian3x3_8h.xhtml">CLGaussian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian3x3_8h_source.xhtml b/documentation/_c_l_gaussian3x3_8h_source.xhtml index c41a11ad9..f27255222 100644 --- a/documentation/_c_l_gaussian3x3_8h_source.xhtml +++ b/documentation/_c_l_gaussian3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian3x3_8h_source.xhtml',''); <div class="title">CLGaussian3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_gaussian3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIAN3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIAN3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml">CLGaussian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIAN3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_gaussian3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIAN3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIAN3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml">CLGaussian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIAN3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian3x3_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian3x3_8h.xhtml">CLGaussian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian3x3_kernel_8h.xhtml b/documentation/_c_l_gaussian3x3_kernel_8h.xhtml index 0fa3ee0cf..483d660b5 100644 --- a/documentation/_c_l_gaussian3x3_kernel_8h.xhtml +++ b/documentation/_c_l_gaussian3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian3x3_kernel_8h.xhtml">CLGaussian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian3x3_kernel_8h_source.xhtml b/documentation/_c_l_gaussian3x3_kernel_8h_source.xhtml index 8a5194701..3e15afd7f 100644 --- a/documentation/_c_l_gaussian3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_gaussian3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian3x3_kernel_8h_source.xhtm <div class="contents"> <a href="_c_l_gaussian3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIAN3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIAN3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml">CLGaussian3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIAN3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian3x3_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLGaussian3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input and output. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian3x3_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml">arm_compute::CLGaussian3x3Kernel</a></div><div class="ttdoc">Interface for the Gaussian 3x3 filter kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian3x3_kernel_8h_source.xhtml#l00036">CLGaussian3x3Kernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple2_d_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">arm_compute::ICLSimple2DKernel</a></div><div class="ttdoc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple2_d_kernel_8h_source.xhtml#l00034">ICLSimple2DKernel.h:34</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian3x3_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian3x3_kernel_8h.xhtml">CLGaussian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian5x5_8h.xhtml b/documentation/_c_l_gaussian5x5_8h.xhtml index db5b410a3..e8d985ef6 100644 --- a/documentation/_c_l_gaussian5x5_8h.xhtml +++ b/documentation/_c_l_gaussian5x5_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian5x5_8h.xhtml">CLGaussian5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian5x5_8h_source.xhtml b/documentation/_c_l_gaussian5x5_8h_source.xhtml index 224abe277..b2800fdb8 100644 --- a/documentation/_c_l_gaussian5x5_8h_source.xhtml +++ b/documentation/_c_l_gaussian5x5_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian5x5_8h_source.xhtml',''); <div class="title">CLGaussian5x5.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_gaussian5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIAN5X5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIAN5X5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLGaussian5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a0511911e03b0483fbb38d2610185fab1">CLGaussian5x5</a>();</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml">CLGaussian5x5HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml">CLGaussian5x5VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIAN5X5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_gaussian5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIAN5X5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIAN5X5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLGaussian5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a0511911e03b0483fbb38d2610185fab1">CLGaussian5x5</a>();</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml">CLGaussian5x5HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml">CLGaussian5x5VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIAN5X5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian5x5_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian5x5_8h.xhtml">CLGaussian5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian5x5_kernel_8h.xhtml b/documentation/_c_l_gaussian5x5_kernel_8h.xhtml index 5eefa9cfc..805b97704 100644 --- a/documentation/_c_l_gaussian5x5_kernel_8h.xhtml +++ b/documentation/_c_l_gaussian5x5_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian5x5_kernel_8h.xhtml">CLGaussian5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian5x5_kernel_8h_source.xhtml b/documentation/_c_l_gaussian5x5_kernel_8h_source.xhtml index 63833ead0..708afacc9 100644 --- a/documentation/_c_l_gaussian5x5_kernel_8h_source.xhtml +++ b/documentation/_c_l_gaussian5x5_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian5x5_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian5x5_kernel_8h.xhtml">CLGaussian5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian_pyramid_8h.xhtml b/documentation/_c_l_gaussian_pyramid_8h.xhtml index 7da9bee3e..0d46e7848 100644 --- a/documentation/_c_l_gaussian_pyramid_8h.xhtml +++ b/documentation/_c_l_gaussian_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -154,7 +154,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian_pyramid_8h.xhtml">CLGaussianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian_pyramid_8h_source.xhtml b/documentation/_c_l_gaussian_pyramid_8h_source.xhtml index 3fd78ec89..a0ffb42b6 100644 --- a/documentation/_c_l_gaussian_pyramid_8h_source.xhtml +++ b/documentation/_c_l_gaussian_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian_pyramid_8h_source.xhtml' </div><!--header--> <div class="contents"> <a href="_c_l_gaussian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian_pyramid_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLGaussianPyramidKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scale_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLScaleKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_pyramid_8h.xhtml">arm_compute/core/IPyramid.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pyramid_8h.xhtml">arm_compute/runtime/CL/CLPyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml"> 45</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#a0254b4991bee72d364bd7c28cc674db5">CLGaussianPyramid</a>();</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#a0254b4991bee72d364bd7c28cc674db5">CLGaussianPyramid</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#a0254b4991bee72d364bd7c28cc674db5">CLGaussianPyramid</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afafbe10da580ab0f3105947cb4a383ac">~CLGaussianPyramid</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0) = 0;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *_pyramid;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _tmp;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00082"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml"> 82</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a></div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> {</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a>();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  std::unique_ptr<CLFillBorderKernel[]> _border_handler;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<CLGaussianPyramidHorKernel[]> _horizontal_reduction;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  std::unique_ptr<CLGaussianPyramidVertKernel[]> _vertical_reduction;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> };</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00104"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml"> 104</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml">CLGaussianPyramidOrb</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a></div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> {</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml">CLGaussianPyramidOrb</a>();</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  std::unique_ptr<CLGaussian5x5[]> _gauss5x5;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  std::unique_ptr<CLScaleKernel[]> _scale_nearest;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> };</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> }</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_gaussian_pyramid_xhtml_afafbe10da580ab0f3105947cb4a383ac"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afafbe10da580ab0f3105947cb4a383ac">arm_compute::CLGaussianPyramid::~CLGaussianPyramid</a></div><div class="ttdeci">virtual ~CLGaussianPyramid()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_c_l_scale_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_scale_kernel_8h.xhtml">CLScaleKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian_pyramid_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_gaussian_pyramid_8h.xhtml">CLGaussianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian_pyramid_kernel_8h.xhtml b/documentation/_c_l_gaussian_pyramid_kernel_8h.xhtml index feda09af8..e6e92edf2 100644 --- a/documentation/_c_l_gaussian_pyramid_kernel_8h.xhtml +++ b/documentation/_c_l_gaussian_pyramid_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian_pyramid_kernel_8h.xhtml">CLGaussianPyramidKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_gaussian_pyramid_kernel_8h_source.xhtml b/documentation/_c_l_gaussian_pyramid_kernel_8h_source.xhtml index f0db00977..fc412d915 100644 --- a/documentation/_c_l_gaussian_pyramid_kernel_8h_source.xhtml +++ b/documentation/_c_l_gaussian_pyramid_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian_pyramid_kernel_8h_source </div><!--header--> <div class="contents"> <a href="_c_l_gaussian_pyramid_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLGAUSSIANPYRAMIDKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLGAUSSIANPYRAMIDKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_kernel_8h.xhtml">arm_compute/core/CL/ICLSimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a4da9c0690f6d7852664d5d5efcaa1b84">CLGaussianPyramidHorKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a4da9c0690f6d7852664d5d5efcaa1b84">CLGaussianPyramidHorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a4da9c0690f6d7852664d5d5efcaa1b84">CLGaussianPyramidHorKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aff3525c5fcfeb85912814c1bbbaf0835">~CLGaussianPyramidHorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">int</span> _l2_load_offset;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> };</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00068"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml"> 68</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a>();</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  ~<a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordtype">int</span> _t2_load_offset;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> };</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> }</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLGAUSSIANPYRAMIDKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_kernel_8h.xhtml">ICLSimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">arm_compute::CLGaussianPyramidHorKernel</a></div><div class="ttdoc">OpenCL kernel to perform a Gaussian filter and half scaling across width (horizontal pass) ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian_pyramid_kernel_8h_source.xhtml#l00034">CLGaussianPyramidKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLGaussianPyramidHorKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s source, destination and border mode. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_gaussian_pyramid_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_gaussian_pyramid_kernel_8h.xhtml">CLGaussianPyramidKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_harris_corners_8h.xhtml b/documentation/_c_l_harris_corners_8h.xhtml index 1a80fa1f9..8766ea984 100644 --- a/documentation/_c_l_harris_corners_8h.xhtml +++ b/documentation/_c_l_harris_corners_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_harris_corners_8h_source.xhtml b/documentation/_c_l_harris_corners_8h_source.xhtml index e0a66fa5e..3069133d4 100644 --- a/documentation/_c_l_harris_corners_8h_source.xhtml +++ b/documentation/_c_l_harris_corners_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_harris_corners_8h_source.xhtml',' <div class="title">CLHarrisCorners.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_harris_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLHARRISCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLHARRISCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_array_8h.xhtml">arm_compute/core/CL/ICLArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_harris_corners_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLNonMaximaSuppression3x3Kernel.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_n_e_harris_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> </div><div class="line"><a name="l00059"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_harris_corners.xhtml"> 59</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8">CLHarrisCorners</a>();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8">CLHarrisCorners</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &<a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">float</span> min_dist, <span class="keywordtype">float</span> sensitivity,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  int32_t gradient_size, int32_t block_size, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *corners,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> _harris_score; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a> _non_max_suppr; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> _candidates; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> _sort_euclidean; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_gx; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_gy; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gx; </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gy; </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _score; </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _nonmax; </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<InternalKeypoint[]> _corners_list; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  int32_t _num_corner_candidates; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_corners; </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLHARRISCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_harris_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLHARRISCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLHARRISCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_array_8h.xhtml">arm_compute/core/CL/ICLArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_harris_corners_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_non_maxima_suppression3x3_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLNonMaximaSuppression3x3Kernel.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_n_e_harris_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> </div><div class="line"><a name="l00059"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_harris_corners.xhtml"> 59</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8">CLHarrisCorners</a>();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8">CLHarrisCorners</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &<a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">float</span> min_dist, <span class="keywordtype">float</span> sensitivity,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  int32_t gradient_size, int32_t block_size, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *corners,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> _harris_score; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a> _non_max_suppr; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> _candidates; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> _sort_euclidean; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_gx; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_gy; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gx; </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _gy; </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _score; </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _nonmax; </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<InternalKeypoint[]> _corners_list; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  int32_t _num_corner_candidates; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_corners; </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLHARRISCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_i_c_l_array_8h_xhtml"><div class="ttname"><a href="_i_c_l_array_8h.xhtml">ICLArray.h</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -148,7 +148,7 @@ $(document).ready(function(){initNavTree('_c_l_harris_corners_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_harris_corners_kernel_8h.xhtml b/documentation/_c_l_harris_corners_kernel_8h.xhtml index c44c49e93..0e5c2b259 100644 --- a/documentation/_c_l_harris_corners_kernel_8h.xhtml +++ b/documentation/_c_l_harris_corners_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_harris_corners_kernel_8h.xhtml">CLHarrisCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_harris_corners_kernel_8h_source.xhtml b/documentation/_c_l_harris_corners_kernel_8h_source.xhtml index 596f1f727..4d7120764 100644 --- a/documentation/_c_l_harris_corners_kernel_8h_source.xhtml +++ b/documentation/_c_l_harris_corners_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_harris_corners_kernel_8h_source.x </div><!--header--> <div class="contents"> <a href="_c_l_harris_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a7b4ed31faff8ec0909befc47a18d02e2">CLHarrisScoreKernel</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a7b4ed31faff8ec0909befc47a18d02e2">CLHarrisScoreKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a7b4ed31faff8ec0909befc47a18d02e2">CLHarrisScoreKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a2f0d90733f4575c7aca61716a655537e">~CLHarrisScoreKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *output,</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  int32_t block_size, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity,</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input1; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_input2; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> *_output; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">float</span> _sensitivity; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">float</span> _strength_thresh; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordtype">float</span> _norm_factor; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> };</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLHARRISCORNERSKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_harris_score_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLHarrisScoreKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_aa80145f30ddae0c2ccbcaa910e3e71dd"><div class="ttname"><a href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">arm_compute::ICLImage</a></div><div class="ttdeci">ICLTensor ICLImage</div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_multi_image_8h_source.xhtml#l00032">ICLMultiImage.h:32</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_harris_corners_kernel_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_harris_corners_kernel_8h.xhtml">CLHarrisCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_helpers_8h.xhtml b/documentation/_c_l_helpers_8h.xhtml index bacfa1424..673c19e24 100644 --- a/documentation/_c_l_helpers_8h.xhtml +++ b/documentation/_c_l_helpers_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_helpers_8h.xhtml">CLHelpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_helpers_8h_source.xhtml b/documentation/_c_l_helpers_8h_source.xhtml index 507ee0cc5..3e8d71748 100644 --- a/documentation/_c_l_helpers_8h_source.xhtml +++ b/documentation/_c_l_helpers_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,14 +118,14 @@ $(document).ready(function(){initNavTree('_c_l_helpers_8h_source.xhtml','');}); <div class="contents"> <a href="_c_l_helpers_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLHELPERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLHELPERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">static</span> constexpr <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> max_cl_vector_width = 16;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> std::string <a class="code" href="namespacearm__compute.xhtml#ab04905b0c6c0e4091160561eae870101">get_cl_type_from_data_type</a>(<span class="keyword">const</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> &dt);</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> }</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="preprocessor">#endif</span></div><div class="ttc" id="namespacearm__compute_xhtml_ab04905b0c6c0e4091160561eae870101"><div class="ttname"><a href="namespacearm__compute.xhtml#ab04905b0c6c0e4091160561eae870101">arm_compute::get_cl_type_from_data_type</a></div><div class="ttdeci">std::string get_cl_type_from_data_type(const DataType &dt)</div><div class="ttdoc">Translates a tensor data type to the appropriate OpenCL type. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_helpers_8h.xhtml">CLHelpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_histogram_8h.xhtml b/documentation/_c_l_histogram_8h.xhtml index 659a2f2a5..92829a682 100644 --- a/documentation/_c_l_histogram_8h.xhtml +++ b/documentation/_c_l_histogram_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_histogram_8h.xhtml">CLHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_histogram_8h_source.xhtml b/documentation/_c_l_histogram_8h_source.xhtml index 7bd56522a..cf2696862 100644 --- a/documentation/_c_l_histogram_8h_source.xhtml +++ b/documentation/_c_l_histogram_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_histogram_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_histogram_8h.xhtml">CLHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_histogram_kernel_8h.xhtml b/documentation/_c_l_histogram_kernel_8h.xhtml index e3da3159e..370542054 100644 --- a/documentation/_c_l_histogram_kernel_8h.xhtml +++ b/documentation/_c_l_histogram_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_histogram_kernel_8h.xhtml">CLHistogramKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_histogram_kernel_8h_source.xhtml b/documentation/_c_l_histogram_kernel_8h_source.xhtml index 489ccc11b..b682637a8 100644 --- a/documentation/_c_l_histogram_kernel_8h_source.xhtml +++ b/documentation/_c_l_histogram_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_histogram_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_histogram_kernel_8h.xhtml">CLHistogramKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_im2_col_kernel_8h.xhtml b/documentation/_c_l_im2_col_kernel_8h.xhtml index 4dd0dad45..e61951791 100644 --- a/documentation/_c_l_im2_col_kernel_8h.xhtml +++ b/documentation/_c_l_im2_col_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_im2_col_kernel_8h.xhtml">CLIm2ColKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_im2_col_kernel_8h_source.xhtml b/documentation/_c_l_im2_col_kernel_8h_source.xhtml index abd5ec85d..356e61338 100644 --- a/documentation/_c_l_im2_col_kernel_8h_source.xhtml +++ b/documentation/_c_l_im2_col_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('_c_l_im2_col_kernel_8h_source.xhtml',' <div class="ttc" id="classarm__compute_1_1_c_l_im2_col_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLIm2ColKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="_i_c_l_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00362">Types.h:362</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00375">Types.h:375</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_im2_col_kernel_xhtml_ac09104c975cb1ca9ad434c325be80e56"><div class="ttname"><a href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56">arm_compute::CLIm2ColKernel::operator=</a></div><div class="ttdeci">CLIm2ColKernel & operator=(const CLIm2ColKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_c_l_im2_col_kernel_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_im2_col_kernel_8h.xhtml">CLIm2ColKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_integral_image_8h.xhtml b/documentation/_c_l_integral_image_8h.xhtml index 42f3d8e75..a5f4964bd 100644 --- a/documentation/_c_l_integral_image_8h.xhtml +++ b/documentation/_c_l_integral_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_integral_image_8h.xhtml">CLIntegralImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_integral_image_8h_source.xhtml b/documentation/_c_l_integral_image_8h_source.xhtml index b30dbe1d3..10d35cf11 100644 --- a/documentation/_c_l_integral_image_8h_source.xhtml +++ b/documentation/_c_l_integral_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_integral_image_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_integral_image_8h.xhtml">CLIntegralImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_integral_image_kernel_8h.xhtml b/documentation/_c_l_integral_image_kernel_8h.xhtml index c1e7c4bb4..0a4123030 100644 --- a/documentation/_c_l_integral_image_kernel_8h.xhtml +++ b/documentation/_c_l_integral_image_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_integral_image_kernel_8h.xhtml">CLIntegralImageKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_integral_image_kernel_8h_source.xhtml b/documentation/_c_l_integral_image_kernel_8h_source.xhtml index 28ca31f4a..c6f6f70b3 100644 --- a/documentation/_c_l_integral_image_kernel_8h_source.xhtml +++ b/documentation/_c_l_integral_image_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_l_integral_image_kernel_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_integral_image_kernel_8h.xhtml">CLIntegralImageKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_kernel_library_8h.xhtml b/documentation/_c_l_kernel_library_8h.xhtml index 429d24dc0..cbef355d3 100644 --- a/documentation/_c_l_kernel_library_8h.xhtml +++ b/documentation/_c_l_kernel_library_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_kernel_library_8h.xhtml">CLKernelLibrary.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_kernel_library_8h_source.xhtml b/documentation/_c_l_kernel_library_8h_source.xhtml index 1fa56f856..a085c5cd5 100644 --- a/documentation/_c_l_kernel_library_8h_source.xhtml +++ b/documentation/_c_l_kernel_library_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_l_kernel_library_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_kernel_library_8h.xhtml">CLKernelLibrary.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_kernels_8h.xhtml b/documentation/_c_l_kernels_8h.xhtml index 9e269ee70..4736a7443 100644 --- a/documentation/_c_l_kernels_8h.xhtml +++ b/documentation/_c_l_kernels_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -182,7 +182,7 @@ $(document).ready(function(){initNavTree('_c_l_kernels_8h.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_kernels_8h.xhtml">CLKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_kernels_8h_source.xhtml b/documentation/_c_l_kernels_8h_source.xhtml index b8d3fa4f3..8fc93aa0f 100644 --- a/documentation/_c_l_kernels_8h_source.xhtml +++ b/documentation/_c_l_kernels_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -180,7 +180,7 @@ $(document).ready(function(){initNavTree('_c_l_kernels_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_kernels_8h.xhtml">CLKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_l_k_tracker_kernel_8h.xhtml b/documentation/_c_l_l_k_tracker_kernel_8h.xhtml index 1769a04de..0873ce805 100644 --- a/documentation/_c_l_l_k_tracker_kernel_8h.xhtml +++ b/documentation/_c_l_l_k_tracker_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -172,7 +172,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_l_k_tracker_kernel_8h.xhtml">CLLKTrackerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_l_k_tracker_kernel_8h_source.xhtml b/documentation/_c_l_l_k_tracker_kernel_8h_source.xhtml index b958ba355..f9251a70d 100644 --- a/documentation/_c_l_l_k_tracker_kernel_8h_source.xhtml +++ b/documentation/_c_l_l_k_tracker_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_l_k_tracker_kernel_8h_source.xhtm <div class="ttc" id="classarm__compute_1_1_i_c_l_array_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_array.xhtml">arm_compute::ICLArray</a></div><div class="ttdoc">Interface for OpenCL Array. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_array_8h_source.xhtml#l00035">ICLArray.h:35</a></div></div> <div class="ttc" id="structarm__compute_1_1_c_l_coefficient_table_xhtml"><div class="ttname"><a href="structarm__compute_1_1_c_l_coefficient_table.xhtml">arm_compute::CLCoefficientTable</a></div><div class="ttdoc">Structure for storing Spatial Gradient Matrix and the minimum eigenvalue for each keypoint...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_l_k_tracker_kernel_8h_source.xhtml#l00048">CLLKTrackerKernel.h:48</a></div></div> <div class="ttc" id="_i_c_l_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00217">Types.h:217</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00230">Types.h:230</a></div></div> <div class="ttc" id="structarm__compute_1_1_c_l_coefficient_table_xhtml_a08ad73a840663cb2f4a6e040e507cbb7"><div class="ttname"><a href="structarm__compute_1_1_c_l_coefficient_table.xhtml#a08ad73a840663cb2f4a6e040e507cbb7">arm_compute::CLCoefficientTable::min_eig</a></div><div class="ttdeci">float min_eig</div><div class="ttdoc">Minimum eigenvalue. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_l_k_tracker_kernel_8h_source.xhtml#l00053">CLLKTrackerKernel.h:53</a></div></div> <div class="ttc" id="structarm__compute_1_1_c_l_l_k_internal_keypoint_xhtml_ad0da36b2558901e21e7a30f6c227a45e"><div class="ttname"><a href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e">arm_compute::CLLKInternalKeypoint::x</a></div><div class="ttdeci">float x</div><div class="ttdoc">x coordinate of the keypoint </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_l_k_tracker_kernel_8h_source.xhtml#l00041">CLLKTrackerKernel.h:41</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> @@ -151,7 +151,7 @@ $(document).ready(function(){initNavTree('_c_l_l_k_tracker_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_l_k_tracker_kernel_8h.xhtml">CLLKTrackerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_laplacian_pyramid_8h.xhtml b/documentation/_c_l_laplacian_pyramid_8h.xhtml index 6726098ba..130fc83ed 100644 --- a/documentation/_c_l_laplacian_pyramid_8h.xhtml +++ b/documentation/_c_l_laplacian_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml">CLLaplacianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_laplacian_pyramid_8h_source.xhtml b/documentation/_c_l_laplacian_pyramid_8h_source.xhtml index 4b8f4156c..5a2c9ed83 100644 --- a/documentation/_c_l_laplacian_pyramid_8h_source.xhtml +++ b/documentation/_c_l_laplacian_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_laplacian_pyramid_8h_source.xhtml <div class="title">CLLaplacianPyramid.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_laplacian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLLAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLLAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pyramid_8h.xhtml">arm_compute/runtime/CL/CLPyramid.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00054"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml"> 54</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml">CLLaplacianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> {</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c">CLLaplacianPyramid</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a> _gaussian_pyr_function;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  std::unique_ptr<CLGaussian5x5[]> _convf;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  std::unique_ptr<CLArithmeticSubtraction[]> _subf;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> _depth_function;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _gauss_pyr;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _conv_pyr;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> };</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLLAPLACIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_laplacian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLLAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLLAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pyramid_8h.xhtml">arm_compute/runtime/CL/CLPyramid.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian5x5_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussian5x5.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_gaussian_pyramid_8h.xhtml">arm_compute/runtime/CL/functions/CLGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00054"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml"> 54</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml">CLLaplacianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> {</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c">CLLaplacianPyramid</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a> _gaussian_pyr_function;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  std::unique_ptr<CLGaussian5x5[]> _convf;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  std::unique_ptr<CLArithmeticSubtraction[]> _subf;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> _depth_function;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _gauss_pyr;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _conv_pyr;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> };</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLLAPLACIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_depth_convert_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_depth_convert.xhtml">arm_compute::CLDepthConvert</a></div><div class="ttdoc">Basic function to run CLDepthConvertKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_depth_convert_8h_source.xhtml#l00037">CLDepthConvert.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_laplacian_pyramid_xhtml_affa012258b464b065d72cc26657119d4"><div class="ttname"><a href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4">arm_compute::CLLaplacianPyramid::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, CLPyramid *pyramid, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_c_l_laplacian_pyramid_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml">CLLaplacianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_laplacian_reconstruct_8h.xhtml b/documentation/_c_l_laplacian_reconstruct_8h.xhtml index 18793dd5c..135e5360a 100644 --- a/documentation/_c_l_laplacian_reconstruct_8h.xhtml +++ b/documentation/_c_l_laplacian_reconstruct_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml">CLLaplacianReconstruct.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_laplacian_reconstruct_8h_source.xhtml b/documentation/_c_l_laplacian_reconstruct_8h_source.xhtml index 0e2ff47d5..77e35370c 100644 --- a/documentation/_c_l_laplacian_reconstruct_8h_source.xhtml +++ b/documentation/_c_l_laplacian_reconstruct_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_laplacian_reconstruct_8h_source.x <div class="title">CLLaplacianReconstruct.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_laplacian_reconstruct_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pyramid_8h.xhtml">arm_compute/runtime/CL/CLPyramid.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_addition_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scale_8h.xhtml">arm_compute/runtime/CL/functions/CLScale.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00060"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml"> 60</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml">CLLaplacianReconstruct</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a66c0967ada87be88d5459fcd28e74045">CLLaplacianReconstruct</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _tmp_pyr;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<CLArithmeticAddition[]> _addf;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  std::unique_ptr<CLScale[]> _scalef;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> _depthf;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_laplacian_reconstruct_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_pyramid_8h.xhtml">arm_compute/runtime/CL/CLPyramid.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_c_l_arithmetic_addition_8h.xhtml">arm_compute/runtime/CL/functions/CLArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_depth_convert_8h.xhtml">arm_compute/runtime/CL/functions/CLDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scale_8h.xhtml">arm_compute/runtime/CL/functions/CLScale.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#aa80145f30ddae0c2ccbcaa910e3e71dd">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00060"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml"> 60</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml">CLLaplacianReconstruct</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a66c0967ada87be88d5459fcd28e74045">CLLaplacianReconstruct</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> _tmp_pyr;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<CLArithmeticAddition[]> _addf;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  std::unique_ptr<CLScale[]> _scalef;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> _depthf;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLLAPLACIANRECONSTRUCT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_depth_convert_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_depth_convert.xhtml">arm_compute::CLDepthConvert</a></div><div class="ttdoc">Basic function to run CLDepthConvertKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_depth_convert_8h_source.xhtml#l00037">CLDepthConvert.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_c_l_arithmetic_addition_8h_xhtml"><div class="ttname"><a href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_laplacian_reconstruct_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml">CLLaplacianReconstruct.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_lut_8h.xhtml b/documentation/_c_l_lut_8h.xhtml index 1f072e782..b53e94777 100644 --- a/documentation/_c_l_lut_8h.xhtml +++ b/documentation/_c_l_lut_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_lut_8h.xhtml">CLLut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_lut_8h_source.xhtml b/documentation/_c_l_lut_8h_source.xhtml index 5e626e21b..2cf64ab57 100644 --- a/documentation/_c_l_lut_8h_source.xhtml +++ b/documentation/_c_l_lut_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_lut_8h_source.xhtml','');}); <div class="ttc" id="_open_c_l_8h_xhtml"><div class="ttname"><a href="_open_c_l_8h.xhtml">OpenCL.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_lut_allocator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_lut_allocator.xhtml">arm_compute::CLLutAllocator</a></div><div class="ttdoc">Basic implementation of a CL memory LUT allocator. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_lut_allocator_8h_source.xhtml#l00036">CLLutAllocator.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_lut_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_lut.xhtml">arm_compute::CLLut</a></div><div class="ttdoc">Basic implementation of the OpenCL lut interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_lut_8h_source.xhtml#l00040">CLLut.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_lut_xhtml_af974a2360069c2ef8df4496d00e4f6cc"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_lut.xhtml#af974a2360069c2ef8df4496d00e4f6cc">arm_compute::ICLLut::unmap</a></div><div class="ttdeci">void unmap(cl::CommandQueue &q)</div><div class="ttdoc">Enqueue an unmap operation of the allocated and mapped buffer on the given queue. ...</div></div> <div class="ttc" id="_i_c_l_lut_8h_xhtml"><div class="ttname"><a href="_i_c_l_lut_8h.xhtml">ICLLut.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_lut_xhtml_a14c53d2d17be6fa8a2c9861527c7b002"><div class="ttname"><a href="classarm__compute_1_1_c_l_lut.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">arm_compute::CLLut::map</a></div><div class="ttdeci">void map(bool blocking=true)</div><div class="ttdoc">Enqueue a map operation of the allocated buffer. </div></div> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_c_l_lut_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_lut_8h.xhtml">CLLut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_lut_allocator_8h.xhtml b/documentation/_c_l_lut_allocator_8h.xhtml index d535fa73a..bd6db5170 100644 --- a/documentation/_c_l_lut_allocator_8h.xhtml +++ b/documentation/_c_l_lut_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_lut_allocator_8h.xhtml">CLLutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_lut_allocator_8h_source.xhtml b/documentation/_c_l_lut_allocator_8h_source.xhtml index 2ec523ee3..2b7b431b2 100644 --- a/documentation/_c_l_lut_allocator_8h_source.xhtml +++ b/documentation/_c_l_lut_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_c_l_lut_allocator_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_lut_allocator_8h.xhtml">CLLutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_magnitude_8h.xhtml b/documentation/_c_l_magnitude_8h.xhtml index 9edcc17b5..2e56ac1dc 100644 --- a/documentation/_c_l_magnitude_8h.xhtml +++ b/documentation/_c_l_magnitude_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_magnitude_8h.xhtml">CLMagnitude.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_magnitude_8h_source.xhtml b/documentation/_c_l_magnitude_8h_source.xhtml index ae5100d6e..22bbba1b7 100644 --- a/documentation/_c_l_magnitude_8h_source.xhtml +++ b/documentation/_c_l_magnitude_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,14 +125,14 @@ $(document).ready(function(){initNavTree('_c_l_magnitude_8h_source.xhtml','');}) <div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">arm_compute::MagnitudeType::L2NORM</a></div><div class="ttdoc">L2 normalization type. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00225">Types.h:225</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00238">Types.h:238</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_magnitude_8h.xhtml">CLMagnitude.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_magnitude_phase_kernel_8h.xhtml b/documentation/_c_l_magnitude_phase_kernel_8h.xhtml index 63a30ed84..699cefa42 100644 --- a/documentation/_c_l_magnitude_phase_kernel_8h.xhtml +++ b/documentation/_c_l_magnitude_phase_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_magnitude_phase_kernel_8h.xhtml">CLMagnitudePhaseKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_magnitude_phase_kernel_8h_source.xhtml b/documentation/_c_l_magnitude_phase_kernel_8h_source.xhtml index bc5de9ff4..ff6640ea5 100644 --- a/documentation/_c_l_magnitude_phase_kernel_8h_source.xhtml +++ b/documentation/_c_l_magnitude_phase_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_magnitude_phase_kernel_8h_source. <div class="contents"> <a href="_c_l_magnitude_phase_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLMAGNITUDEPHASEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLMAGNITUDEPHASEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e">CLMagnitudePhaseKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e">CLMagnitudePhaseKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e">CLMagnitudePhaseKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *gy, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *magnitude, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *phase,</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">MagnitudeType</a> mag_type = <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">MagnitudeType::L2NORM</a>, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> phase_type = <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">PhaseType::SIGNED</a>);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_gx; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_gy; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_magnitude; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_phase; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">bool</span> _run_mag; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">bool</span> _run_phase; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> }</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLMAGNITUDEPHASEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_magnitude_phase_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLMagnitudePhaseKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">arm_compute::PhaseType::SIGNED</a></div><div class="ttdoc">Angle range: [0, 360]. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00235">Types.h:235</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00248">Types.h:248</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_magnitude_phase_kernel_8h_source. <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_magnitude_phase_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">arm_compute::CLMagnitudePhaseKernel</a></div><div class="ttdoc">Template interface for the kernel to compute magnitude and phase. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_magnitude_phase_kernel_8h_source.xhtml#l00037">CLMagnitudePhaseKernel.h:37</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00225">Types.h:225</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00238">Types.h:238</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_magnitude_phase_kernel_xhtml_a97c0a4edbeca3c32dda036b81446a4d9"><div class="ttname"><a href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9">arm_compute::CLMagnitudePhaseKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *gx, const ICLTensor *gy, ICLTensor *magnitude, ICLTensor *phase, MagnitudeType mag_type=MagnitudeType::L2NORM, PhaseType phase_type=PhaseType::SIGNED)</div><div class="ttdoc">Initialise the kernel&#39;s input, output. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_c_l_magnitude_phase_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_magnitude_phase_kernel_8h.xhtml">CLMagnitudePhaseKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_mean_std_dev_8h.xhtml b/documentation/_c_l_mean_std_dev_8h.xhtml index 1a30ac0c0..d2c1995ff 100644 --- a/documentation/_c_l_mean_std_dev_8h.xhtml +++ b/documentation/_c_l_mean_std_dev_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_mean_std_dev_8h.xhtml">CLMeanStdDev.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_mean_std_dev_8h_source.xhtml b/documentation/_c_l_mean_std_dev_8h_source.xhtml index 2509fa8ec..fa4422f68 100644 --- a/documentation/_c_l_mean_std_dev_8h_source.xhtml +++ b/documentation/_c_l_mean_std_dev_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_mean_std_dev_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_mean_std_dev_8h.xhtml">CLMeanStdDev.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_mean_std_dev_kernel_8h.xhtml b/documentation/_c_l_mean_std_dev_kernel_8h.xhtml index c4fc37970..c139718e4 100644 --- a/documentation/_c_l_mean_std_dev_kernel_8h.xhtml +++ b/documentation/_c_l_mean_std_dev_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_mean_std_dev_kernel_8h.xhtml">CLMeanStdDevKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_mean_std_dev_kernel_8h_source.xhtml b/documentation/_c_l_mean_std_dev_kernel_8h_source.xhtml index ed6360624..59d8f61db 100644 --- a/documentation/_c_l_mean_std_dev_kernel_8h_source.xhtml +++ b/documentation/_c_l_mean_std_dev_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_mean_std_dev_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_mean_std_dev_kernel_8h.xhtml">CLMeanStdDevKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_median3x3_8h.xhtml b/documentation/_c_l_median3x3_8h.xhtml index 48e30ff75..b0b0e14f6 100644 --- a/documentation/_c_l_median3x3_8h.xhtml +++ b/documentation/_c_l_median3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_median3x3_8h.xhtml">CLMedian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_median3x3_8h_source.xhtml b/documentation/_c_l_median3x3_8h_source.xhtml index edae0b90b..83d206973 100644 --- a/documentation/_c_l_median3x3_8h_source.xhtml +++ b/documentation/_c_l_median3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_median3x3_8h_source.xhtml','');}) <div class="title">CLMedian3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_median3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLMEDIAN3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLMEDIAN3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_median3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLMEDIAN3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_median3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLMEDIAN3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLMEDIAN3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_median3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLMEDIAN3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml">arm_compute::CLMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_8h_source.xhtml#l00042">CLMedian3x3.h:42</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_median3x3_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_median3x3_8h.xhtml">CLMedian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_median3x3_kernel_8h.xhtml b/documentation/_c_l_median3x3_kernel_8h.xhtml index efd2b0331..530eb7445 100644 --- a/documentation/_c_l_median3x3_kernel_8h.xhtml +++ b/documentation/_c_l_median3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_median3x3_kernel_8h.xhtml">CLMedian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_median3x3_kernel_8h_source.xhtml b/documentation/_c_l_median3x3_kernel_8h_source.xhtml index 428462fac..bcb2fd203 100644 --- a/documentation/_c_l_median3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_median3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_median3x3_kernel_8h_source.xhtml' </div><!--header--> <div class="contents"> <a href="_c_l_median3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLMEDIAN3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLMEDIAN3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml">CLMedian3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLMEDIAN3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_median3x3_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml">arm_compute::CLMedian3x3Kernel</a></div><div class="ttdoc">Interface for the median 3x3 filter kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_kernel_8h_source.xhtml#l00036">CLMedian3x3Kernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_median3x3_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLMedian3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input and output. </div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_median3x3_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_median3x3_kernel_8h.xhtml">CLMedian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_min_max_location_8h.xhtml b/documentation/_c_l_min_max_location_8h.xhtml index d9d26f860..41e54e609 100644 --- a/documentation/_c_l_min_max_location_8h.xhtml +++ b/documentation/_c_l_min_max_location_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_min_max_location_8h.xhtml">CLMinMaxLocation.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_min_max_location_8h_source.xhtml b/documentation/_c_l_min_max_location_8h_source.xhtml index b15266c61..ac21d0b60 100644 --- a/documentation/_c_l_min_max_location_8h_source.xhtml +++ b/documentation/_c_l_min_max_location_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_min_max_location_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_min_max_location_8h.xhtml">CLMinMaxLocation.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_min_max_location_kernel_8h.xhtml b/documentation/_c_l_min_max_location_kernel_8h.xhtml index 880148718..d5a09d41d 100644 --- a/documentation/_c_l_min_max_location_kernel_8h.xhtml +++ b/documentation/_c_l_min_max_location_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_min_max_location_kernel_8h.xhtml">CLMinMaxLocationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_min_max_location_kernel_8h_source.xhtml b/documentation/_c_l_min_max_location_kernel_8h_source.xhtml index 4dcb55e3a..2fb24c4fe 100644 --- a/documentation/_c_l_min_max_location_kernel_8h_source.xhtml +++ b/documentation/_c_l_min_max_location_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_min_max_location_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_min_max_location_kernel_8h.xhtml">CLMinMaxLocationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_multi_image_8h.xhtml b/documentation/_c_l_multi_image_8h.xhtml index 07938c77b..b50a92558 100644 --- a/documentation/_c_l_multi_image_8h.xhtml +++ b/documentation/_c_l_multi_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_multi_image_8h.xhtml">CLMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_multi_image_8h_source.xhtml b/documentation/_c_l_multi_image_8h_source.xhtml index fef978a3c..dfc928f01 100644 --- a/documentation/_c_l_multi_image_8h_source.xhtml +++ b/documentation/_c_l_multi_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_c_l_multi_image_8h_source.xhtml',''); <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="_multi_image_info_8h_xhtml"><div class="ttname"><a href="_multi_image_info_8h.xhtml">MultiImageInfo.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_multi_image_xhtml_a0d104ade841ef3aa9b0783b25836ea19"><div class="ttname"><a href="classarm__compute_1_1_c_l_multi_image.xhtml#a0d104ade841ef3aa9b0783b25836ea19">arm_compute::CLMultiImage::cl_plane</a></div><div class="ttdeci">CLImage * cl_plane(unsigned int index) override</div><div class="ttdoc">Return a pointer to the requested OpenCL plane of the image. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_multi_image_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_multi_image.xhtml">arm_compute::CLMultiImage</a></div><div class="ttdoc">Basic implementation of the CL multi-planar image interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_multi_image_8h_source.xhtml#l00040">CLMultiImage.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_multi_image_xhtml_acaefe811b78a2fdc4a0dba0c4029c3ef"><div class="ttname"><a href="classarm__compute_1_1_c_l_multi_image.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef">arm_compute::CLMultiImage::allocate</a></div><div class="ttdeci">void allocate()</div><div class="ttdoc">Allocated a previously initialised multi image. </div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_multi_image_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_multi_image_8h.xhtml">CLMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_linear_filter_8h.xhtml b/documentation/_c_l_non_linear_filter_8h.xhtml index d57aedd7f..3dc10b00f 100644 --- a/documentation/_c_l_non_linear_filter_8h.xhtml +++ b/documentation/_c_l_non_linear_filter_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_non_linear_filter_8h.xhtml">CLNonLinearFilter.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_linear_filter_8h_source.xhtml b/documentation/_c_l_non_linear_filter_8h_source.xhtml index c1b09fca4..3122165ea 100644 --- a/documentation/_c_l_non_linear_filter_8h_source.xhtml +++ b/documentation/_c_l_non_linear_filter_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_non_linear_filter_8h_source.xhtml <div class="title">CLNonLinearFilter.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_non_linear_filter_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONLINEARFILTER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONLINEARFILTER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">CLNonLinearFilter</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask,</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> }</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLNONLINEARFILTER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_non_linear_filter_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONLINEARFILTER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONLINEARFILTER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">CLNonLinearFilter</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask,</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> }</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLNONLINEARFILTER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -125,15 +125,15 @@ $(document).ready(function(){initNavTree('_c_l_non_linear_filter_8h_source.xhtml <div class="ttc" id="classarm__compute_1_1_c_l_non_linear_filter_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">arm_compute::CLNonLinearFilter</a></div><div class="ttdoc">Basic function to execute non linear filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_non_linear_filter_8h_source.xhtml#l00043">CLNonLinearFilter.h:43</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_non_linear_filter_8h.xhtml">CLNonLinearFilter.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_linear_filter_kernel_8h.xhtml b/documentation/_c_l_non_linear_filter_kernel_8h.xhtml index 147b787cc..a14992207 100644 --- a/documentation/_c_l_non_linear_filter_kernel_8h.xhtml +++ b/documentation/_c_l_non_linear_filter_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_non_linear_filter_kernel_8h.xhtml">CLNonLinearFilterKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_linear_filter_kernel_8h_source.xhtml b/documentation/_c_l_non_linear_filter_kernel_8h_source.xhtml index fc5e02e82..6ab4b7882 100644 --- a/documentation/_c_l_non_linear_filter_kernel_8h_source.xhtml +++ b/documentation/_c_l_non_linear_filter_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_non_linear_filter_kernel_8h_sourc </div><!--header--> <div class="contents"> <a href="_c_l_non_linear_filter_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONLINEARFILTERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONLINEARFILTERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml">CLNonLinearFilterKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a84f1118322af5d0170abdef07b79779b">CLNonLinearFilterKernel</a>();</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>,</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask,</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> };</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> }</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLNONLINEARFILTERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_non_linear_filter_kernel_xhtml_a09ed8b2a062c440ad00a290624c39319"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319">arm_compute::CLNonLinearFilterKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, NonLinearFilterFunction function, unsigned int mask_size, MatrixPattern pattern, const uint8_t *mask, bool border_undefined)</div><div class="ttdoc">Set the source, destination and border mode of the kernel. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_non_linear_filter_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLNonLinearFilterKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> @@ -127,15 +127,15 @@ $(document).ready(function(){initNavTree('_c_l_non_linear_filter_kernel_8h_sourc <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_non_linear_filter_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml">arm_compute::CLNonLinearFilterKernel</a></div><div class="ttdoc">Interface for the kernel to apply a non-linear filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_non_linear_filter_kernel_8h_source.xhtml#l00037">CLNonLinearFilterKernel.h:37</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_non_linear_filter_kernel_8h.xhtml">CLNonLinearFilterKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_maxima_suppression3x3_8h.xhtml b/documentation/_c_l_non_maxima_suppression3x3_8h.xhtml index db8853b53..4776e8ce4 100644 --- a/documentation/_c_l_non_maxima_suppression3x3_8h.xhtml +++ b/documentation/_c_l_non_maxima_suppression3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml">CLNonMaximaSuppression3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_maxima_suppression3x3_8h_source.xhtml b/documentation/_c_l_non_maxima_suppression3x3_8h_source.xhtml index a0bf07c45..416b7dc8d 100644 --- a/documentation/_c_l_non_maxima_suppression3x3_8h_source.xhtml +++ b/documentation/_c_l_non_maxima_suppression3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_non_maxima_suppression3x3_8h_sour <div class="title">CLNonMaximaSuppression3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_non_maxima_suppression3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_non_maxima_suppression3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_non_maxima_suppression3x3_8h_sour <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml">CLNonMaximaSuppression3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_maxima_suppression3x3_kernel_8h.xhtml b/documentation/_c_l_non_maxima_suppression3x3_kernel_8h.xhtml index ffa572f43..fe2577fdc 100644 --- a/documentation/_c_l_non_maxima_suppression3x3_kernel_8h.xhtml +++ b/documentation/_c_l_non_maxima_suppression3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_non_maxima_suppression3x3_kernel_8h.xhtml">CLNonMaximaSuppression3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml b/documentation/_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml index 71b48846c..c2e2f2cd7 100644 --- a/documentation/_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_non_maxima_suppression3x3_kernel_ <div class="contents"> <a href="_c_l_non_maxima_suppression3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLNONMAXIMASUPPRESSION3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel_xhtml_a67b0c2ccd2c37a8d29fa6cc4b26795d8"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">arm_compute::CLNonMaximaSuppression3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s sources, destinations and border mode. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">arm_compute::CLNonMaximaSuppression3x3Kernel</a></div><div class="ttdoc">Interface to perform Non-Maxima suppression over a 3x3 window using OpenCL. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml#l00037">CLNonMaximaSuppression3x3Kernel.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple2_d_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">arm_compute::ICLSimple2DKernel</a></div><div class="ttdoc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple2_d_kernel_8h_source.xhtml#l00034">ICLSimple2DKernel.h:34</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_non_maxima_suppression3x3_kernel_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_non_maxima_suppression3x3_kernel_8h.xhtml">CLNonMaximaSuppression3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_normalization_layer_8h.xhtml b/documentation/_c_l_normalization_layer_8h.xhtml index fe3131940..c81d45c49 100644 --- a/documentation/_c_l_normalization_layer_8h.xhtml +++ b/documentation/_c_l_normalization_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_normalization_layer_8h.xhtml">CLNormalizationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_normalization_layer_8h_source.xhtml b/documentation/_c_l_normalization_layer_8h_source.xhtml index d6330b38a..e78380007 100644 --- a/documentation/_c_l_normalization_layer_8h_source.xhtml +++ b/documentation/_c_l_normalization_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -120,7 +120,7 @@ $(document).ready(function(){initNavTree('_c_l_normalization_layer_8h_source.xht <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_c_l_tensor_8h_xhtml"><div class="ttname"><a href="_c_l_tensor_8h.xhtml">CLTensor.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00482">Types.h:482</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00495">Types.h:495</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_xhtml_af701c07acc080cbb2b3a13f7daf94890"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer.xhtml#af701c07acc080cbb2b3a13f7daf94890">arm_compute::CLNormalizationLayer::CLNormalizationLayer</a></div><div class="ttdeci">CLNormalizationLayer()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">arm_compute::CLNormalizationLayerKernel</a></div><div class="ttdoc">Interface for the normalization layer kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_normalization_layer_kernel_8h_source.xhtml#l00035">CLNormalizationLayerKernel.h:35</a></div></div> <div class="ttc" id="_c_l_pixel_wise_multiplication_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_pixel_wise_multiplication_kernel_8h.xhtml">CLPixelWiseMultiplicationKernel.h</a></div></div> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_c_l_normalization_layer_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_normalization_layer_8h.xhtml">CLNormalizationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_normalization_layer_kernel_8h.xhtml b/documentation/_c_l_normalization_layer_kernel_8h.xhtml index b7891bacc..d649caa46 100644 --- a/documentation/_c_l_normalization_layer_kernel_8h.xhtml +++ b/documentation/_c_l_normalization_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_normalization_layer_kernel_8h.xhtml">CLNormalizationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_normalization_layer_kernel_8h_source.xhtml b/documentation/_c_l_normalization_layer_kernel_8h_source.xhtml index 6bf2c7535..92b96c280 100644 --- a/documentation/_c_l_normalization_layer_kernel_8h_source.xhtml +++ b/documentation/_c_l_normalization_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,8 +118,8 @@ $(document).ready(function(){initNavTree('_c_l_normalization_layer_kernel_8h_sou <div class="contents"> <a href="_c_l_normalization_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLNORMALIZATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLNORMALIZATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7">CLNormalizationLayerKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7">CLNormalizationLayerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7">CLNormalizationLayerKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *squared_input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a> norm_info);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_squared_input;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> };</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> }</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLNORMALIZATIONLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLNormalizationLayerKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLNormalizationLayerKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00482">Types.h:482</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00495">Types.h:495</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">arm_compute::CLNormalizationLayerKernel</a></div><div class="ttdoc">Interface for the normalization layer kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_normalization_layer_kernel_8h_source.xhtml#l00035">CLNormalizationLayerKernel.h:35</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_normalization_layer_kernel_xhtml_aaf8c501a2a845b96a3232927841cf9c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7">arm_compute::CLNormalizationLayerKernel::CLNormalizationLayerKernel</a></div><div class="ttdeci">CLNormalizationLayerKernel()</div><div class="ttdoc">Constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_normalization_layer_kernel_8h_sou <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_normalization_layer_kernel_8h.xhtml">CLNormalizationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_optical_flow_8h.xhtml b/documentation/_c_l_optical_flow_8h.xhtml index 8854c59ed..d17d84f7e 100644 --- a/documentation/_c_l_optical_flow_8h.xhtml +++ b/documentation/_c_l_optical_flow_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -159,7 +159,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_optical_flow_8h.xhtml">CLOpticalFlow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_optical_flow_8h_source.xhtml b/documentation/_c_l_optical_flow_8h_source.xhtml index 33021b825..928e5e058 100644 --- a/documentation/_c_l_optical_flow_8h_source.xhtml +++ b/documentation/_c_l_optical_flow_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_optical_flow_8h_source.xhtml','') <div class="title">CLOpticalFlow.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_optical_flow_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLOPTICALFLOW_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLOPTICALFLOW_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_l_k_tracker_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLLKTrackerKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_array_8h.xhtml">arm_compute/runtime/CL/CLArray.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scharr3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLScharr3x3.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">class </span>CLPyramid;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a70997613219641045213b0c12948fb74"> 44</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLLKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLLKInternalKeypoint></a>;</div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#afcef84cf3b7d147b2b6ab0bd884afc16"> 45</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLCoefficientTableArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLCoefficientTable></a>;</div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4ec6965f606c588137f7a48d84c1d6f0"> 46</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLOldValueArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLOldValue></a>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00056"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_optical_flow.xhtml"> 56</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> {</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>(<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *old_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *new_pyramid,</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *new_points_estimates, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *new_points,</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">size_t</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension, <span class="keywordtype">bool</span> use_initial_estimate,</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<CLLKTrackerInitKernel[]> _tracker_init_kernel;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  std::unique_ptr<CLLKTrackerStage0Kernel[]> _tracker_stage0_kernel;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::unique_ptr<CLLKTrackerStage1Kernel[]> _tracker_stage1_kernel;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml">CLLKTrackerFinalizeKernel</a> _tracker_finalize_kernel;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  std::unique_ptr<CLScharr3x3[]> _func_scharr;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<CLTensor[]> _scharr_gx;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  std::unique_ptr<CLTensor[]> _scharr_gy;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  std::unique_ptr<CLLKInternalKeypointArray> _old_points_internal;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  std::unique_ptr<CLLKInternalKeypointArray> _new_points_internal;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  std::unique_ptr<CLCoefficientTableArray> _coefficient_table;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  std::unique_ptr<CLOldValueArray> _old_values;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> };</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> }</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLOPTICALFLOW_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_optical_flow_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLOPTICALFLOW_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLOPTICALFLOW_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_l_k_tracker_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLLKTrackerKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_c_l_array_8h.xhtml">arm_compute/runtime/CL/CLArray.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scharr3x3_8h.xhtml">arm_compute/runtime/CL/functions/CLScharr3x3.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">class </span>CLPyramid;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a70997613219641045213b0c12948fb74"> 44</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLLKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLLKInternalKeypoint></a>;</div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#afcef84cf3b7d147b2b6ab0bd884afc16"> 45</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLCoefficientTableArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLCoefficientTable></a>;</div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4ec6965f606c588137f7a48d84c1d6f0"> 46</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLOldValueArray</a> = <a class="code" href="classarm__compute_1_1_c_l_array.xhtml">CLArray<CLOldValue></a>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00056"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_optical_flow.xhtml"> 56</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> {</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">CLOpticalFlow</a>(<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *old_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> *new_pyramid,</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *new_points_estimates, <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *new_points,</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">size_t</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension, <span class="keywordtype">bool</span> use_initial_estimate,</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<CLLKTrackerInitKernel[]> _tracker_init_kernel;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  std::unique_ptr<CLLKTrackerStage0Kernel[]> _tracker_stage0_kernel;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::unique_ptr<CLLKTrackerStage1Kernel[]> _tracker_stage1_kernel;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml">CLLKTrackerFinalizeKernel</a> _tracker_finalize_kernel;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  std::unique_ptr<CLScharr3x3[]> _func_scharr;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<CLTensor[]> _scharr_gx;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  std::unique_ptr<CLTensor[]> _scharr_gy;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  std::unique_ptr<CLLKInternalKeypointArray> _old_points_internal;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  std::unique_ptr<CLLKInternalKeypointArray> _new_points_internal;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  std::unique_ptr<CLCoefficientTableArray> _coefficient_table;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  std::unique_ptr<CLOldValueArray> _old_values;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> };</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> }</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLOPTICALFLOW_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_c_l_l_k_tracker_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_l_k_tracker_kernel_8h.xhtml">CLLKTrackerKernel.h</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_optical_flow_8h_source.xhtml','') <div class="ttc" id="classarm__compute_1_1_c_l_pyramid_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_pyramid.xhtml">arm_compute::CLPyramid</a></div><div class="ttdoc">Basic implementation of the OpenCL pyramid interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_pyramid_8h_source.xhtml#l00040">CLPyramid.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_optical_flow_xhtml_a68eed0e07674cc6e041d5dc0fecd8c27"><div class="ttname"><a href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">arm_compute::CLOpticalFlow::operator=</a></div><div class="ttdeci">CLOpticalFlow & operator=(const CLOpticalFlow &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_optical_flow_xhtml_a0c78677a1e128e674e4914ef5a534852"><div class="ttname"><a href="classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852">arm_compute::CLOpticalFlow::CLOpticalFlow</a></div><div class="ttdeci">CLOpticalFlow()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00217">Types.h:217</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00230">Types.h:230</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_optical_flow_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_optical_flow.xhtml">arm_compute::CLOpticalFlow</a></div><div class="ttdoc">Basic function to execute optical flow. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_optical_flow_8h_source.xhtml#l00056">CLOpticalFlow.h:56</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_optical_flow_xhtml_a8cd74e6bc7d3bcebbac4002717857601"><div class="ttname"><a href="classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601">arm_compute::CLOpticalFlow::configure</a></div><div class="ttdeci">void configure(const CLPyramid *old_pyramid, const CLPyramid *new_pyramid, const ICLKeyPointArray *old_points, const ICLKeyPointArray *new_points_estimates, ICLKeyPointArray *new_points, Termination termination, float epsilon, size_t num_iterations, size_t window_dimension, bool use_initial_estimate, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function input and output. </div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> @@ -142,7 +142,7 @@ $(document).ready(function(){initNavTree('_c_l_optical_flow_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_optical_flow_8h.xhtml">CLOpticalFlow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_phase_8h.xhtml b/documentation/_c_l_phase_8h.xhtml index a9ff02b91..06f8e15fb 100644 --- a/documentation/_c_l_phase_8h.xhtml +++ b/documentation/_c_l_phase_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_phase_8h.xhtml">CLPhase.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_phase_8h_source.xhtml b/documentation/_c_l_phase_8h_source.xhtml index 69c07fd34..c07971c61 100644 --- a/documentation/_c_l_phase_8h_source.xhtml +++ b/documentation/_c_l_phase_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_c_l_phase_8h_source.xhtml','');}); </div><!--header--> <div class="contents"> <a href="_c_l_phase_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLPHASE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLPHASE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_phase.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_phase.xhtml">CLPhase</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input2, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> phase_type = <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">PhaseType::SIGNED</a>);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> };</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> }</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLPHASE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">arm_compute::PhaseType::SIGNED</a></div><div class="ttdoc">Angle range: [0, 360]. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00235">Types.h:235</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00248">Types.h:248</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_phase_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_phase_8h.xhtml">CLPhase.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pixel_wise_multiplication_8h.xhtml b/documentation/_c_l_pixel_wise_multiplication_8h.xhtml index a73498d9e..4eb175617 100644 --- a/documentation/_c_l_pixel_wise_multiplication_8h.xhtml +++ b/documentation/_c_l_pixel_wise_multiplication_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml">CLPixelWiseMultiplication.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pixel_wise_multiplication_8h_source.xhtml b/documentation/_c_l_pixel_wise_multiplication_8h_source.xhtml index cb6f28b7f..2cc746718 100644 --- a/documentation/_c_l_pixel_wise_multiplication_8h_source.xhtml +++ b/documentation/_c_l_pixel_wise_multiplication_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,18 +121,18 @@ $(document).ready(function(){initNavTree('_c_l_pixel_wise_multiplication_8h_sour <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pixel_wise_multiplication_xhtml_a3e0a2f39d9dc0f7083aef3b37335afff"><div class="ttname"><a href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff">arm_compute::CLPixelWiseMultiplication::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input1, const ICLTensor *input2, ICLTensor *output, float scale, ConvertPolicy overflow_policy, RoundingPolicy rounding_policy)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output and convertion policy. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00210">Types.h:210</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00223">Types.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pixel_wise_multiplication_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml">arm_compute::CLPixelWiseMultiplication</a></div><div class="ttdoc">Basic function to run CLPixelWiseMultiplicationKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_pixel_wise_multiplication_8h_source.xhtml#l00035">CLPixelWiseMultiplication.h:35</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml">CLPixelWiseMultiplication.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pixel_wise_multiplication_kernel_8h.xhtml b/documentation/_c_l_pixel_wise_multiplication_kernel_8h.xhtml index f28bf4814..cb0dff486 100644 --- a/documentation/_c_l_pixel_wise_multiplication_kernel_8h.xhtml +++ b/documentation/_c_l_pixel_wise_multiplication_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_pixel_wise_multiplication_kernel_8h.xhtml">CLPixelWiseMultiplicationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pixel_wise_multiplication_kernel_8h_source.xhtml b/documentation/_c_l_pixel_wise_multiplication_kernel_8h_source.xhtml index 5cbcfa3fd..ee095b205 100644 --- a/documentation/_c_l_pixel_wise_multiplication_kernel_8h_source.xhtml +++ b/documentation/_c_l_pixel_wise_multiplication_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_c_l_pixel_wise_multiplication_kernel_ <a href="_c_l_pixel_wise_multiplication_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLDEPTHCONVERTKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLDEPTHCONVERTKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a70cf3d6c93ca36362e7ea84c5259bb45">CLPixelWiseMultiplicationKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a70cf3d6c93ca36362e7ea84c5259bb45">CLPixelWiseMultiplicationKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a70cf3d6c93ca36362e7ea84c5259bb45">CLPixelWiseMultiplicationKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input2, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">float</span> scale,</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">ConvertPolicy</a> overflow_policy, <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">RoundingPolicy</a> rounding_policy);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input1;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input2;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLDEPTHCONVERTKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00210">Types.h:210</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00223">Types.h:223</a></div></div> <div class="ttc" id="_i_c_l_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLPixelWiseMultiplicationKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> @@ -130,14 +130,14 @@ $(document).ready(function(){initNavTree('_c_l_pixel_wise_multiplication_kernel_ <div class="ttc" id="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel_xhtml_a3e0a2f39d9dc0f7083aef3b37335afff"><div class="ttname"><a href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff">arm_compute::CLPixelWiseMultiplicationKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input1, const ICLTensor *input2, ICLTensor *output, float scale, ConvertPolicy overflow_policy, RoundingPolicy rounding_policy)</div><div class="ttdoc">Initialise the kernel&#39;s input, output and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_pixel_wise_multiplication_kernel_8h.xhtml">CLPixelWiseMultiplicationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pooling_layer_8h.xhtml b/documentation/_c_l_pooling_layer_8h.xhtml index 6a0e55cf1..46ddd36fd 100644 --- a/documentation/_c_l_pooling_layer_8h.xhtml +++ b/documentation/_c_l_pooling_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_pooling_layer_8h.xhtml">CLPoolingLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pooling_layer_8h_source.xhtml b/documentation/_c_l_pooling_layer_8h_source.xhtml index c85c341ab..e1f337d40 100644 --- a/documentation/_c_l_pooling_layer_8h_source.xhtml +++ b/documentation/_c_l_pooling_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,14 +124,14 @@ $(document).ready(function(){initNavTree('_c_l_pooling_layer_8h_source.xhtml','' <div class="ttc" id="namespacearm__compute_xhtml_af87af588094f04e537df98eaf0426cb6"><div class="ttname"><a href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">arm_compute::ICLTensor</a></div><div class="ttdeci">ICLImage ICLTensor</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_histogram_8h_source.xhtml#l00034">CLHistogram.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_tensor.xhtml">arm_compute::ICLTensor</a></div><div class="ttdoc">Interface for OpenCL tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_tensor_8h_source.xhtml#l00040">ICLTensor.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer.xhtml">arm_compute::CLPoolingLayer</a></div><div class="ttdoc">Basic function to simulate a pooling layer with the specified pooling operation. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_pooling_layer_8h_source.xhtml#l00040">CLPoolingLayer.h:40</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00401">Types.h:401</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_pooling_layer_8h.xhtml">CLPoolingLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pooling_layer_kernel_8h.xhtml b/documentation/_c_l_pooling_layer_kernel_8h.xhtml index db2bd33ff..fe3e1fc1e 100644 --- a/documentation/_c_l_pooling_layer_kernel_8h.xhtml +++ b/documentation/_c_l_pooling_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_pooling_layer_kernel_8h.xhtml">CLPoolingLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pooling_layer_kernel_8h_source.xhtml b/documentation/_c_l_pooling_layer_kernel_8h_source.xhtml index 7bc404acf..79765de1b 100644 --- a/documentation/_c_l_pooling_layer_kernel_8h_source.xhtml +++ b/documentation/_c_l_pooling_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_pooling_layer_kernel_8h_source.xh <div class="title">CLPoolingLayerKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_pooling_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#afcd410341247696c0569a1499407c39b">~CLPoolingLayerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> &pool_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> _pool_info;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> };</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> }</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_c_l_pooling_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">CLPoolingLayerKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#afcd410341247696c0569a1499407c39b">~CLPoolingLayerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> &pool_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> _pool_info;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> };</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> }</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLPOOLINGLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_kernel_xhtml_afcd410341247696c0569a1499407c39b"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#afcd410341247696c0569a1499407c39b">arm_compute::CLPoolingLayerKernel::~CLPoolingLayerKernel</a></div><div class="ttdeci">~CLPoolingLayerKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_c_l_pooling_layer_kernel_8h_source.xh <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_kernel_xhtml_aefe6fd4d2eb7b372d4fc39106fb94314"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314">arm_compute::CLPoolingLayerKernel::CLPoolingLayerKernel</a></div><div class="ttdeci">CLPoolingLayerKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_kernel_xhtml_a1c744387eb6e27f11fed9e0383ff55b2"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">arm_compute::CLPoolingLayerKernel::operator=</a></div><div class="ttdeci">CLPoolingLayerKernel & operator=(const CLPoolingLayerKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">arm_compute::CLPoolingLayerKernel</a></div><div class="ttdoc">Interface for the pooling layer kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_pooling_layer_kernel_8h_source.xhtml#l00034">CLPoolingLayerKernel.h:34</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00401">Types.h:401</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_pooling_layer_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLPoolingLayerKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_pooling_layer_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_pooling_layer_kernel_8h.xhtml">CLPoolingLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pyramid_8h.xhtml b/documentation/_c_l_pyramid_8h.xhtml index eb0e24280..68368932d 100644 --- a/documentation/_c_l_pyramid_8h.xhtml +++ b/documentation/_c_l_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_pyramid_8h.xhtml">CLPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_pyramid_8h_source.xhtml b/documentation/_c_l_pyramid_8h_source.xhtml index 9448f9331..6dfafdb11 100644 --- a/documentation/_c_l_pyramid_8h_source.xhtml +++ b/documentation/_c_l_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_pyramid_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_pyramid_8h.xhtml">CLPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_remap_8h.xhtml b/documentation/_c_l_remap_8h.xhtml index 77959d930..a290e9ac4 100644 --- a/documentation/_c_l_remap_8h.xhtml +++ b/documentation/_c_l_remap_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_remap_8h.xhtml">CLRemap.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_remap_8h_source.xhtml b/documentation/_c_l_remap_8h_source.xhtml index cabe77f05..041cb58e1 100644 --- a/documentation/_c_l_remap_8h_source.xhtml +++ b/documentation/_c_l_remap_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,9 +116,9 @@ $(document).ready(function(){initNavTree('_c_l_remap_8h_source.xhtml','');}); <div class="title">CLRemap.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_remap_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLREMAP_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLREMAP_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_remap.xhtml"> 41</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_remap.xhtml">CLRemap</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output,</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLREMAP_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_remap_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLREMAP_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLREMAP_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_remap.xhtml"> 41</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_remap.xhtml">CLRemap</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output,</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLREMAP_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_remap_xhtml_ac1eb01546c2f93af14ee04f4a0f8c30a"><div class="ttname"><a href="classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a">arm_compute::CLRemap::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, const ICLTensor *map_x, const ICLTensor *map_y, ICLTensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s sources, destination, interpolation policy and border mode. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_remap_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_remap_8h.xhtml">CLRemap.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_remap_kernel_8h.xhtml b/documentation/_c_l_remap_kernel_8h.xhtml index 7ef5c940d..5cb7c2b9a 100644 --- a/documentation/_c_l_remap_kernel_8h.xhtml +++ b/documentation/_c_l_remap_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_remap_kernel_8h.xhtml">CLRemapKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_remap_kernel_8h_source.xhtml b/documentation/_c_l_remap_kernel_8h_source.xhtml index edee03b20..e4e366e14 100644 --- a/documentation/_c_l_remap_kernel_8h_source.xhtml +++ b/documentation/_c_l_remap_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,9 +116,9 @@ $(document).ready(function(){initNavTree('_c_l_remap_kernel_8h_source.xhtml','') <div class="title">CLRemapKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_remap_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLREMAPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLREMAPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_remap_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_map_x;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_map_y;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLREMAPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_c_l_remap_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLREMAPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLREMAPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_remap_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31">CLRemapKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_map_x;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_map_y;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLREMAPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_remap_kernel_xhtml_ad55d92eda4737d79e57dfdf99e447fb3"><div class="ttname"><a href="classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3">arm_compute::CLRemapKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, const ICLTensor *map_x, const ICLTensor *map_y, ICLTensor *output, InterpolationPolicy policy, bool border_undefined)</div><div class="ttdoc">Initialize the kernel&#39;s input, output and border mode. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_remap_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLRemapKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_remap_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_remap_kernel_8h.xhtml">CLRemapKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scale_8h.xhtml b/documentation/_c_l_scale_8h.xhtml index 6831b4559..4d3945e0e 100644 --- a/documentation/_c_l_scale_8h.xhtml +++ b/documentation/_c_l_scale_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_scale_8h.xhtml">CLScale.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scale_8h_source.xhtml b/documentation/_c_l_scale_8h_source.xhtml index 96696242c..171893d0d 100644 --- a/documentation/_c_l_scale_8h_source.xhtml +++ b/documentation/_c_l_scale_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_c_l_scale_8h_source.xhtml','');}); <div class="title">CLScale.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_scale_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCALE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCALE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scale.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCALE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_c_l_scale_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCALE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCALE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scale.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCALE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml">arm_compute::CLScale</a></div><div class="ttdoc">Basic function to run CLScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scale_8h_source.xhtml#l00037">CLScale.h:37</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_scale_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_scale_8h.xhtml">CLScale.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scale_kernel_8h.xhtml b/documentation/_c_l_scale_kernel_8h.xhtml index 60e226426..a7a83378b 100644 --- a/documentation/_c_l_scale_kernel_8h.xhtml +++ b/documentation/_c_l_scale_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_scale_kernel_8h.xhtml">CLScaleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scale_kernel_8h_source.xhtml b/documentation/_c_l_scale_kernel_8h_source.xhtml index b0f12692f..8ecc9195e 100644 --- a/documentation/_c_l_scale_kernel_8h_source.xhtml +++ b/documentation/_c_l_scale_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,8 +117,8 @@ $(document).ready(function(){initNavTree('_c_l_scale_kernel_8h_source.xhtml','') </div><!--header--> <div class="contents"> <a href="_c_l_scale_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCALEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCALEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scale_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> };</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> }</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCALEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLScaleKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_scale_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_scale_kernel_8h.xhtml">CLScaleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scharr3x3_8h.xhtml b/documentation/_c_l_scharr3x3_8h.xhtml index 6dfa91c3a..fe62418be 100644 --- a/documentation/_c_l_scharr3x3_8h.xhtml +++ b/documentation/_c_l_scharr3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_scharr3x3_8h.xhtml">CLScharr3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scharr3x3_8h_source.xhtml b/documentation/_c_l_scharr3x3_8h_source.xhtml index 44d20b915..bad90cb91 100644 --- a/documentation/_c_l_scharr3x3_8h_source.xhtml +++ b/documentation/_c_l_scharr3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_scharr3x3_8h_source.xhtml','');}) <div class="title">CLScharr3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_scharr3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCHARR3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCHARR3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scharr3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scharr3x3.xhtml">CLScharr3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCHARR3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_scharr3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCHARR3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCHARR3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scharr3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scharr3x3.xhtml">CLScharr3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCHARR3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_scharr3x3_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_scharr3x3_8h.xhtml">CLScharr3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scharr3x3_kernel_8h.xhtml b/documentation/_c_l_scharr3x3_kernel_8h.xhtml index a14dec800..e354a5c0a 100644 --- a/documentation/_c_l_scharr3x3_kernel_8h.xhtml +++ b/documentation/_c_l_scharr3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_scharr3x3_kernel_8h.xhtml">CLScharr3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scharr3x3_kernel_8h_source.xhtml b/documentation/_c_l_scharr3x3_kernel_8h_source.xhtml index 67d1b863c..0b8994827 100644 --- a/documentation/_c_l_scharr3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_scharr3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_scharr3x3_kernel_8h_source.xhtml' <div class="title">CLScharr3x3Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_scharr3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCHARR3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCHARR3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">bool</span> _run_scharr_x; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">bool</span> _run_scharr_y; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> };</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> }</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCHARR3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_c_l_scharr3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSCHARR3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSCHARR3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b">CLScharr3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">bool</span> _run_scharr_x; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">bool</span> _run_scharr_y; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> };</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> }</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSCHARR3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scharr3x3_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLScharr3x3Kernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_l_scharr3x3_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_scharr3x3_kernel_8h.xhtml">CLScharr3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scheduler_8h.xhtml b/documentation/_c_l_scheduler_8h.xhtml index fdf4d7832..dc82558cc 100644 --- a/documentation/_c_l_scheduler_8h.xhtml +++ b/documentation/_c_l_scheduler_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_scheduler_8h.xhtml">CLScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_scheduler_8h_source.xhtml b/documentation/_c_l_scheduler_8h_source.xhtml index 1ec8c3a5a..3efd1aa60 100644 --- a/documentation/_c_l_scheduler_8h_source.xhtml +++ b/documentation/_c_l_scheduler_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_scheduler_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_scheduler_8h.xhtml">CLScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel3x3_8h.xhtml b/documentation/_c_l_sobel3x3_8h.xhtml index 1b7fd65ee..9ac41fa63 100644 --- a/documentation/_c_l_sobel3x3_8h.xhtml +++ b/documentation/_c_l_sobel3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel3x3_8h.xhtml">CLSobel3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel3x3_8h_source.xhtml b/documentation/_c_l_sobel3x3_8h_source.xhtml index a28fb3289..1347f7d36 100644 --- a/documentation/_c_l_sobel3x3_8h_source.xhtml +++ b/documentation/_c_l_sobel3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel3x3_8h_source.xhtml','');}); <div class="title">CLSobel3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_sobel3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel3x3.xhtml">CLSobel3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_sobel3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel3x3.xhtml">CLSobel3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel3x3_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel3x3_8h.xhtml">CLSobel3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel3x3_kernel_8h.xhtml b/documentation/_c_l_sobel3x3_kernel_8h.xhtml index f511833a6..164db7e80 100644 --- a/documentation/_c_l_sobel3x3_kernel_8h.xhtml +++ b/documentation/_c_l_sobel3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel3x3_kernel_8h.xhtml">CLSobel3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel3x3_kernel_8h_source.xhtml b/documentation/_c_l_sobel3x3_kernel_8h_source.xhtml index abd9cca65..e0d69b922 100644 --- a/documentation/_c_l_sobel3x3_kernel_8h_source.xhtml +++ b/documentation/_c_l_sobel3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel3x3_kernel_8h_source.xhtml', <div class="title">CLSobel3x3Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_sobel3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a95501c3f5d09ada6ea151f08fff6d120">~CLSobel3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_c_l_sobel3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL3X3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL3X3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369">CLSobel3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a95501c3f5d09ada6ea151f08fff6d120">~CLSobel3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL3X3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel3x3_kernel_xhtml_ab24f49526202babfe7df925cd326427b"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b">arm_compute::CLSobel3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output_x, ICLTensor *output_y, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s source, destination and border. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel3x3_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLSobel3x3Kernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel3x3_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel3x3_kernel_8h.xhtml">CLSobel3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel5x5_8h.xhtml b/documentation/_c_l_sobel5x5_8h.xhtml index 7da96a6e9..1412fc4e7 100644 --- a/documentation/_c_l_sobel5x5_8h.xhtml +++ b/documentation/_c_l_sobel5x5_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel5x5_8h.xhtml">CLSobel5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel5x5_8h_source.xhtml b/documentation/_c_l_sobel5x5_8h_source.xhtml index 30466b40e..9be41dfaa 100644 --- a/documentation/_c_l_sobel5x5_8h_source.xhtml +++ b/documentation/_c_l_sobel5x5_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel5x5_8h_source.xhtml','');}); <div class="title">CLSobel5x5.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_sobel5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL5X5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL5X5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel5x5_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLSobel5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml">CLSobel5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ac0edca88578b10b239490c390b3d1303">CLSobel5x5</a>();</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> }</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL5X5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_sobel5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL5X5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL5X5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel5x5_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLSobel5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml">CLSobel5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ac0edca88578b10b239490c390b3d1303">CLSobel5x5</a>();</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> }</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL5X5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_c_l_sobel5x5_kernel_8h_xhtml"><div class="ttname"><a href="_c_l_sobel5x5_kernel_8h.xhtml">CLSobel5x5Kernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel5x5_xhtml_ac0edca88578b10b239490c390b3d1303"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ac0edca88578b10b239490c390b3d1303">arm_compute::CLSobel5x5::CLSobel5x5</a></div><div class="ttdeci">CLSobel5x5()</div><div class="ttdoc">Default Constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel5x5_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel5x5_8h.xhtml">CLSobel5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel5x5_kernel_8h.xhtml b/documentation/_c_l_sobel5x5_kernel_8h.xhtml index 5ad4b15d3..acf087cb0 100644 --- a/documentation/_c_l_sobel5x5_kernel_8h.xhtml +++ b/documentation/_c_l_sobel5x5_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel5x5_kernel_8h.xhtml">CLSobel5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel5x5_kernel_8h_source.xhtml b/documentation/_c_l_sobel5x5_kernel_8h_source.xhtml index c353ffafb..7fb272e06 100644 --- a/documentation/_c_l_sobel5x5_kernel_8h_source.xhtml +++ b/documentation/_c_l_sobel5x5_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel5x5_kernel_8h_source.xhtml', <div class="contents"> <a href="_c_l_sobel5x5_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL5X5KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL5X5KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92">CLSobel5x5HorKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92">CLSobel5x5HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92">CLSobel5x5HorKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a6c123393267557301f2549114112d414">~CLSobel5x5HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00075"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml"> 75</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  ~<a class="code" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_x; </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_y; </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> };</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL5X5KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_sobel5x5_hor_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLSobel5x5HorKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel5x5_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">arm_compute::CLSobel5x5HorKernel</a></div><div class="ttdoc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_sobel5x5_kernel_8h_source.xhtml#l00034">CLSobel5x5Kernel.h:34</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel5x5_hor_kernel_xhtml_a6c123393267557301f2549114112d414"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a6c123393267557301f2549114112d414">arm_compute::CLSobel5x5HorKernel::~CLSobel5x5HorKernel</a></div><div class="ttdeci">~CLSobel5x5HorKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel5x5_hor_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLSobel5x5HorKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel5x5_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel5x5_kernel_8h.xhtml">CLSobel5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel7x7_8h.xhtml b/documentation/_c_l_sobel7x7_8h.xhtml index b5a223e7b..58e7c61e4 100644 --- a/documentation/_c_l_sobel7x7_8h.xhtml +++ b/documentation/_c_l_sobel7x7_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel7x7_8h.xhtml">CLSobel7x7.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel7x7_8h_source.xhtml b/documentation/_c_l_sobel7x7_8h_source.xhtml index 350dcb223..2e0480860 100644 --- a/documentation/_c_l_sobel7x7_8h_source.xhtml +++ b/documentation/_c_l_sobel7x7_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel7x7_8h_source.xhtml','');}); <div class="title">CLSobel7x7.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_sobel7x7_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL7X7_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL7X7_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel7x7_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLSobel7x7Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml">CLSobel7x7</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13">CLSobel7x7</a>();</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> }</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL7X7_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_c_l_sobel7x7_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL7X7_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL7X7_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_fill_border_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_l_sobel7x7_kernel_8h.xhtml">arm_compute/core/CL/kernels/CLSobel7x7Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml">CLSobel7x7</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13">CLSobel7x7</a>();</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> }</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL7X7_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_c_l_tensor_8h_xhtml"><div class="ttname"><a href="_c_l_tensor_8h.xhtml">CLTensor.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel7x7_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_sobel7x7_8h.xhtml">CLSobel7x7.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel7x7_kernel_8h.xhtml b/documentation/_c_l_sobel7x7_kernel_8h.xhtml index 126dd4ef9..162ab8ee5 100644 --- a/documentation/_c_l_sobel7x7_kernel_8h.xhtml +++ b/documentation/_c_l_sobel7x7_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel7x7_kernel_8h.xhtml">CLSobel7x7Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_sobel7x7_kernel_8h_source.xhtml b/documentation/_c_l_sobel7x7_kernel_8h_source.xhtml index 6b7d1e3eb..464401dec 100644 --- a/documentation/_c_l_sobel7x7_kernel_8h_source.xhtml +++ b/documentation/_c_l_sobel7x7_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel7x7_kernel_8h_source.xhtml', <div class="title">CLSobel7x7Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_sobel7x7_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL7X7KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL7X7KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#aedbb8258b41802dfffc61690f890bd1b">~CLSobel7x7HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00075"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml"> 75</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  ~<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_x; </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_y; </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> };</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL7X7KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_c_l_sobel7x7_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLSOBEL7X7KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLSOBEL7X7KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289">CLSobel7x7HorKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#aedbb8258b41802dfffc61690f890bd1b">~CLSobel7x7HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> };</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00075"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml"> 75</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  ~<a class="code" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>, cl::CommandQueue &queue) <span class="keyword">override</span>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_x; </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input_y; </div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_x; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output_y; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> };</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLSOBEL7X7KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel7x7_hor_kernel_xhtml_a493987e85723a8000eb26d1f00e2ad0e"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e">arm_compute::CLSobel7x7HorKernel::run</a></div><div class="ttdeci">void run(const Window &window, cl::CommandQueue &queue) override</div><div class="ttdoc">Enqueue the OpenCL kernel to process the given window on the passed OpenCL command queue...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_sobel7x7_vert_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">arm_compute::CLSobel7x7VertKernel</a></div><div class="ttdoc">Interface for the kernel to run the vertical pass of 7x7 Sobel filter on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_sobel7x7_kernel_8h_source.xhtml#l00075">CLSobel7x7Kernel.h:75</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_c_l_sobel7x7_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_sobel7x7_kernel_8h.xhtml">CLSobel7x7Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_softmax_layer_8h.xhtml b/documentation/_c_l_softmax_layer_8h.xhtml index 4e352ee69..b720ca1fd 100644 --- a/documentation/_c_l_softmax_layer_8h.xhtml +++ b/documentation/_c_l_softmax_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_softmax_layer_8h.xhtml">CLSoftmaxLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_softmax_layer_8h_source.xhtml b/documentation/_c_l_softmax_layer_8h_source.xhtml index 747a84be9..0477cc518 100644 --- a/documentation/_c_l_softmax_layer_8h_source.xhtml +++ b/documentation/_c_l_softmax_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_c_l_softmax_layer_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_softmax_layer_8h.xhtml">CLSoftmaxLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_softmax_layer_kernel_8h.xhtml b/documentation/_c_l_softmax_layer_kernel_8h.xhtml index f976c327a..1cfc1498f 100644 --- a/documentation/_c_l_softmax_layer_kernel_8h.xhtml +++ b/documentation/_c_l_softmax_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_softmax_layer_kernel_8h.xhtml">CLSoftmaxLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_softmax_layer_kernel_8h_source.xhtml b/documentation/_c_l_softmax_layer_kernel_8h_source.xhtml index 5e07fc7ea..62a463de3 100644 --- a/documentation/_c_l_softmax_layer_kernel_8h_source.xhtml +++ b/documentation/_c_l_softmax_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_l_softmax_layer_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_softmax_layer_kernel_8h.xhtml">CLSoftmaxLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_table_lookup_8h.xhtml b/documentation/_c_l_table_lookup_8h.xhtml index c91aba516..d988164a5 100644 --- a/documentation/_c_l_table_lookup_8h.xhtml +++ b/documentation/_c_l_table_lookup_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_table_lookup_8h.xhtml">CLTableLookup.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_table_lookup_8h_source.xhtml b/documentation/_c_l_table_lookup_8h_source.xhtml index 90e629cc1..2d6ff4810 100644 --- a/documentation/_c_l_table_lookup_8h_source.xhtml +++ b/documentation/_c_l_table_lookup_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_c_l_table_lookup_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_table_lookup_8h.xhtml">CLTableLookup.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_table_lookup_kernel_8h.xhtml b/documentation/_c_l_table_lookup_kernel_8h.xhtml index db5486f12..163e27941 100644 --- a/documentation/_c_l_table_lookup_kernel_8h.xhtml +++ b/documentation/_c_l_table_lookup_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_table_lookup_kernel_8h.xhtml">CLTableLookupKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_table_lookup_kernel_8h_source.xhtml b/documentation/_c_l_table_lookup_kernel_8h_source.xhtml index 549dd74ed..b9c5919e0 100644 --- a/documentation/_c_l_table_lookup_kernel_8h_source.xhtml +++ b/documentation/_c_l_table_lookup_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_c_l_table_lookup_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_table_lookup_kernel_8h.xhtml">CLTableLookupKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_tensor_8h.xhtml b/documentation/_c_l_tensor_8h.xhtml index 8d48ee8d5..2325c0d36 100644 --- a/documentation/_c_l_tensor_8h.xhtml +++ b/documentation/_c_l_tensor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_tensor_8h.xhtml">CLTensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_tensor_8h_source.xhtml b/documentation/_c_l_tensor_8h_source.xhtml index ef7fe3087..4489cfd6e 100644 --- a/documentation/_c_l_tensor_8h_source.xhtml +++ b/documentation/_c_l_tensor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_c_l_tensor_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_tensor_8h.xhtml">CLTensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_tensor_allocator_8h.xhtml b/documentation/_c_l_tensor_allocator_8h.xhtml index d4129263b..3e98a3091 100644 --- a/documentation/_c_l_tensor_allocator_8h.xhtml +++ b/documentation/_c_l_tensor_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_tensor_allocator_8h.xhtml">CLTensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_tensor_allocator_8h_source.xhtml b/documentation/_c_l_tensor_allocator_8h_source.xhtml index 8b2e765a2..0b4b78946 100644 --- a/documentation/_c_l_tensor_allocator_8h_source.xhtml +++ b/documentation/_c_l_tensor_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_c_l_tensor_allocator_8h_source.xhtml' <div class="title">CLTensorAllocator.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLTENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLTENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_allocator_8h.xhtml">arm_compute/runtime/ITensorAllocator.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>(<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#ac9bc36cf09ac63f2a33baafd3a0ef159">~CLTensorAllocator</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  uint8_t *<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6a731c70d12750586b67c6cde637b650">data</a>();</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">const</span> cl::Buffer &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241">cl_data</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  uint8_t *<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3">map</a>(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c">unmap</a>(cl::CommandQueue &q, uint8_t *mapping);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  uint8_t *lock() <span class="keyword">override</span>;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keywordtype">void</span> unlock() <span class="keyword">override</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  cl::Buffer _buffer; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  uint8_t *_mapping; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> };</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLTENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a7f4714c4a9320d1760102ef78a984241"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241">arm_compute::CLTensorAllocator::cl_data</a></div><div class="ttdeci">const cl::Buffer & cl_data() const </div><div class="ttdoc">Interface to be implemented by the child class to return the pointer to the CL data. </div></div> +<a href="_c_l_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLTENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLTENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_allocator_8h.xhtml">arm_compute/runtime/ITensorAllocator.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">CLTensorAllocator</a>(<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">operator=</a>(<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#ac9bc36cf09ac63f2a33baafd3a0ef159">~CLTensorAllocator</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  uint8_t *<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6a731c70d12750586b67c6cde637b650">data</a>();</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">const</span> cl::Buffer &<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241">cl_data</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  uint8_t *<a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3">map</a>(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c">unmap</a>(cl::CommandQueue &q, uint8_t *mapping);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">free</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  uint8_t *lock() <span class="keyword">override</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keywordtype">void</span> unlock() <span class="keyword">override</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  cl::Buffer _buffer; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  uint8_t *_mapping; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> };</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> }</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_CLTENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a7f4714c4a9320d1760102ef78a984241"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241">arm_compute::CLTensorAllocator::cl_data</a></div><div class="ttdeci">const cl::Buffer & cl_data() const </div><div class="ttdoc">Interface to be implemented by the child class to return the pointer to the CL data. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a460f371bafd64854b2332d96697939b3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3">arm_compute::CLTensorAllocator::map</a></div><div class="ttdeci">uint8_t * map(cl::CommandQueue &q, bool blocking)</div><div class="ttdoc">Enqueue a map operation of the allocated buffer on the given queue. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">arm_compute::CLTensorAllocator</a></div><div class="ttdoc">Basic implementation of a CL memory tensor allocator. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_allocator_8h_source.xhtml#l00035">CLTensorAllocator.h:35</a></div></div> @@ -124,6 +124,7 @@ $(document).ready(function(){initNavTree('_c_l_tensor_allocator_8h_source.xhtml' <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_aeefb9e89ef3d8c2a54335bd4db0cda45"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45">arm_compute::CLTensorAllocator::CLTensorAllocator</a></div><div class="ttdeci">CLTensorAllocator()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a34b854d640d247bd7422f60ca2f3a05c"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c">arm_compute::CLTensorAllocator::unmap</a></div><div class="ttdeci">void unmap(cl::CommandQueue &q, uint8_t *mapping)</div><div class="ttdoc">Enqueue an unmap operation of the allocated buffer on the given queue. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a6e509c2a177b0b29e9e2369535094dee"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">arm_compute::CLTensorAllocator::allocate</a></div><div class="ttdeci">void allocate() override</div><div class="ttdoc">Allocate size specified by TensorInfo of OpenCL memory. </div></div> +<div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a1468b0adb6ec3f9d38aa7d60b8a91974"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">arm_compute::CLTensorAllocator::free</a></div><div class="ttdeci">void free() override</div><div class="ttdoc">Free allocated OpenCL memory. </div></div> <div class="ttc" id="_open_c_l_8h_xhtml"><div class="ttname"><a href="_open_c_l_8h.xhtml">OpenCL.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_ac9bc36cf09ac63f2a33baafd3a0ef159"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#ac9bc36cf09ac63f2a33baafd3a0ef159">arm_compute::CLTensorAllocator::~CLTensorAllocator</a></div><div class="ttdeci">~CLTensorAllocator()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_allocator_xhtml_a74c9c61e0615334fdeb176f21828a98f"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">arm_compute::CLTensorAllocator::operator=</a></div><div class="ttdeci">CLTensorAllocator & operator=(const CLTensorAllocator &)=delete</div><div class="ttdoc">Prevent instances of this class from being copy assigned (As this class contains pointers). </div></div> @@ -135,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_l_tensor_allocator_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_c_l_tensor_allocator_8h.xhtml">CLTensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_threshold_8h.xhtml b/documentation/_c_l_threshold_8h.xhtml index fc733c0f8..1d2e9967c 100644 --- a/documentation/_c_l_threshold_8h.xhtml +++ b/documentation/_c_l_threshold_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_threshold_8h.xhtml">CLThreshold.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_threshold_8h_source.xhtml b/documentation/_c_l_threshold_8h_source.xhtml index 9cea195d5..e68521c2f 100644 --- a/documentation/_c_l_threshold_8h_source.xhtml +++ b/documentation/_c_l_threshold_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_threshold_8h_source.xhtml','');}) <div class="contents"> <a href="_c_l_threshold_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLTHRESHOLD_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLTHRESHOLD_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_threshold.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_threshold.xhtml">CLThreshold</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, uint8_t threshold,</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  uint8_t false_value = 0, uint8_t true_value = 0,</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a> type = <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">ThresholdType::BINARY</a>, uint8_t upper = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLTHRESHOLD_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_c_l_threshold_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_threshold.xhtml">arm_compute::CLThreshold</a></div><div class="ttdoc">Basic function to run CLThresholdKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_threshold_8h_source.xhtml#l00037">CLThreshold.h:37</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00203">Types.h:203</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00216">Types.h:216</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml">arm_compute::ICLSimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single OpenCL kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_simple_function_8h_source.xhtml#l00036">ICLSimpleFunction.h:36</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_threshold_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_threshold_8h.xhtml">CLThreshold.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_threshold_kernel_8h.xhtml b/documentation/_c_l_threshold_kernel_8h.xhtml index 41ece86a9..329c61d45 100644 --- a/documentation/_c_l_threshold_kernel_8h.xhtml +++ b/documentation/_c_l_threshold_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_threshold_kernel_8h.xhtml">CLThresholdKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_threshold_kernel_8h_source.xhtml b/documentation/_c_l_threshold_kernel_8h_source.xhtml index b99bef9e3..649dd3478 100644 --- a/documentation/_c_l_threshold_kernel_8h_source.xhtml +++ b/documentation/_c_l_threshold_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_c_l_threshold_kernel_8h_source.xhtml' <div class="contents"> <a href="_c_l_threshold_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLTHRESHOLDKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLTHRESHOLDKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, uint8_t threshold,</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  uint8_t false_value, uint8_t true_value, <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a> type, uint8_t upper);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> }</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NETHRESHOLDKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00203">Types.h:203</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00216">Types.h:216</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_threshold_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">arm_compute::CLThresholdKernel</a></div><div class="ttdoc">Interface for the thresholding kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_threshold_kernel_8h_source.xhtml#l00039">CLThresholdKernel.h:39</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_threshold_kernel_xhtml_af95973be8cc372e60a6872e18176d1de"><div class="ttname"><a href="classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de">arm_compute::CLThresholdKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, uint8_t threshold, uint8_t false_value, uint8_t true_value, ThresholdType type, uint8_t upper)</div><div class="ttdoc">Initialise the kernel&#39;s input, output and threshold parameters. </div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_l_threshold_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_threshold_kernel_8h.xhtml">CLThresholdKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_transpose_8h.xhtml b/documentation/_c_l_transpose_8h.xhtml index cf22f522a..78e4708ef 100644 --- a/documentation/_c_l_transpose_8h.xhtml +++ b/documentation/_c_l_transpose_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_transpose_8h.xhtml">CLTranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_transpose_8h_source.xhtml b/documentation/_c_l_transpose_8h_source.xhtml index f5337177a..33162dc10 100644 --- a/documentation/_c_l_transpose_8h_source.xhtml +++ b/documentation/_c_l_transpose_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_transpose_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_transpose_8h.xhtml">CLTranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_transpose_kernel_8h.xhtml b/documentation/_c_l_transpose_kernel_8h.xhtml index b857fedac..9b1b16357 100644 --- a/documentation/_c_l_transpose_kernel_8h.xhtml +++ b/documentation/_c_l_transpose_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_transpose_kernel_8h.xhtml">CLTransposeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_transpose_kernel_8h_source.xhtml b/documentation/_c_l_transpose_kernel_8h_source.xhtml index 2717f3afb..f8a7a5983 100644 --- a/documentation/_c_l_transpose_kernel_8h_source.xhtml +++ b/documentation/_c_l_transpose_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_c_l_transpose_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_transpose_kernel_8h.xhtml">CLTransposeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_affine_8h.xhtml b/documentation/_c_l_warp_affine_8h.xhtml index 9dd0281e0..9e003a9c1 100644 --- a/documentation/_c_l_warp_affine_8h.xhtml +++ b/documentation/_c_l_warp_affine_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_warp_affine_8h.xhtml">CLWarpAffine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_affine_8h_source.xhtml b/documentation/_c_l_warp_affine_8h_source.xhtml index 26ca29023..f1cc24b81 100644 --- a/documentation/_c_l_warp_affine_8h_source.xhtml +++ b/documentation/_c_l_warp_affine_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_c_l_warp_affine_8h_source.xhtml',''); <div class="title">CLWarpAffine.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_warp_affine_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPAFFINE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPAFFINE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_affine.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_affine.xhtml">CLWarpAffine</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPAFFINE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_c_l_warp_affine_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPAFFINE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPAFFINE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_affine.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_affine.xhtml">CLWarpAffine</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPAFFINE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_warp_affine_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_warp_affine_8h.xhtml">CLWarpAffine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_affine_kernel_8h.xhtml b/documentation/_c_l_warp_affine_kernel_8h.xhtml index 0fe610ade..2bea0e3ce 100644 --- a/documentation/_c_l_warp_affine_kernel_8h.xhtml +++ b/documentation/_c_l_warp_affine_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_warp_affine_kernel_8h.xhtml">CLWarpAffineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_affine_kernel_8h_source.xhtml b/documentation/_c_l_warp_affine_kernel_8h_source.xhtml index 5794f9cab..b64d25b5c 100644 --- a/documentation/_c_l_warp_affine_kernel_8h_source.xhtml +++ b/documentation/_c_l_warp_affine_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,8 +117,8 @@ $(document).ready(function(){initNavTree('_c_l_warp_affine_kernel_8h_source.xhtm </div><!--header--> <div class="contents"> <a href="_c_l_warp_affine_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPAFFINEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPAFFINEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPAFFINEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_warp_affine_kernel_xhtml_a80f957260bcc6d37da2a6e10eb885fa8"><div class="ttname"><a href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8">arm_compute::CLWarpAffineKernel::configure</a></div><div class="ttdeci">void configure(const ICLTensor *input, ICLTensor *output, const float *matrix, InterpolationPolicy policy)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation policy and border_mode. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_warp_affine_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLWarpAffineKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_warp_affine_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_warp_affine_kernel_8h.xhtml">CLWarpAffineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_perspective_8h.xhtml b/documentation/_c_l_warp_perspective_8h.xhtml index 6419fd32c..2ebf48e7b 100644 --- a/documentation/_c_l_warp_perspective_8h.xhtml +++ b/documentation/_c_l_warp_perspective_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_warp_perspective_8h.xhtml">CLWarpPerspective.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_perspective_8h_source.xhtml b/documentation/_c_l_warp_perspective_8h_source.xhtml index 89f347267..2432a838f 100644 --- a/documentation/_c_l_warp_perspective_8h_source.xhtml +++ b/documentation/_c_l_warp_perspective_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_c_l_warp_perspective_8h_source.xhtml' <div class="title">CLWarpPerspective.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_c_l_warp_perspective_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_perspective.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_perspective.xhtml">CLWarpPerspective</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPPERSPECTIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_c_l_warp_perspective_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple_function_8h.xhtml">arm_compute/runtime/CL/ICLSimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_perspective.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_perspective.xhtml">CLWarpPerspective</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6">configure</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPPERSPECTIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_warp_perspective_xhtml_a64ebf69356f81aa7f933569faf1bbbf6"><div class="ttname"><a href="classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6">arm_compute::CLWarpPerspective::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, const float *matrix, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation policy and border_mode. </div></div> <div class="ttc" id="_i_c_l_simple_function_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_l_warp_perspective_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li><li class="navelem"><a class="el" href="_c_l_warp_perspective_8h.xhtml">CLWarpPerspective.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_perspective_kernel_8h.xhtml b/documentation/_c_l_warp_perspective_kernel_8h.xhtml index 6e33633dc..10a288c2d 100644 --- a/documentation/_c_l_warp_perspective_kernel_8h.xhtml +++ b/documentation/_c_l_warp_perspective_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_warp_perspective_kernel_8h.xhtml">CLWarpPerspectiveKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_l_warp_perspective_kernel_8h_source.xhtml b/documentation/_c_l_warp_perspective_kernel_8h_source.xhtml index 3c6c07497..6a5f28320 100644 --- a/documentation/_c_l_warp_perspective_kernel_8h_source.xhtml +++ b/documentation/_c_l_warp_perspective_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,8 +117,8 @@ $(document).ready(function(){initNavTree('_c_l_warp_perspective_kernel_8h_source </div><!--header--> <div class="contents"> <a href="_c_l_warp_perspective_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_CLWARPERSPECTIVEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_CLWARPERSPECTIVEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_simple2_d_kernel_8h.xhtml">arm_compute/core/CL/ICLSimple2DKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span><a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> };</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_CLWARPERSPECTIVEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_c_l_simple2_d_kernel_8h_xhtml"><div class="ttname"><a href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_warp_perspective_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::CLWarpPerspectiveKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_c_l_warp_perspective_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_l_warp_perspective_kernel_8h.xhtml">CLWarpPerspectiveKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_corner_candidates_kernel_8h.xhtml b/documentation/_c_p_p_corner_candidates_kernel_8h.xhtml index 020af5d98..fd6fdac5f 100644 --- a/documentation/_c_p_p_corner_candidates_kernel_8h.xhtml +++ b/documentation/_c_p_p_corner_candidates_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_p_p_corner_candidates_kernel_8h.xhtml">CPPCornerCandidatesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_corner_candidates_kernel_8h_source.xhtml b/documentation/_c_p_p_corner_candidates_kernel_8h_source.xhtml index 970e58f21..2f996c8f1 100644 --- a/documentation/_c_p_p_corner_candidates_kernel_8h_source.xhtml +++ b/documentation/_c_p_p_corner_candidates_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_p_p_corner_candidates_kernel_8h_sou <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_p_p_corner_candidates_kernel_8h.xhtml">CPPCornerCandidatesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_kernels_8h.xhtml b/documentation/_c_p_p_kernels_8h.xhtml index 6548710d7..c13344a58 100644 --- a/documentation/_c_p_p_kernels_8h.xhtml +++ b/documentation/_c_p_p_kernels_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,7 +126,7 @@ $(document).ready(function(){initNavTree('_c_p_p_kernels_8h.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_c_p_p_kernels_8h.xhtml">CPPKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_kernels_8h_source.xhtml b/documentation/_c_p_p_kernels_8h_source.xhtml index a5752d8e4..846e40e81 100644 --- a/documentation/_c_p_p_kernels_8h_source.xhtml +++ b/documentation/_c_p_p_kernels_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,7 +124,7 @@ $(document).ready(function(){initNavTree('_c_p_p_kernels_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_c_p_p_kernels_8h.xhtml">CPPKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_scheduler_8h.xhtml b/documentation/_c_p_p_scheduler_8h.xhtml index ff119d7b5..ae776b553 100644 --- a/documentation/_c_p_p_scheduler_8h.xhtml +++ b/documentation/_c_p_p_scheduler_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_c_p_p_scheduler_8h.xhtml">CPPScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_scheduler_8h_source.xhtml b/documentation/_c_p_p_scheduler_8h_source.xhtml index b4e5e5027..d17c551d6 100644 --- a/documentation/_c_p_p_scheduler_8h_source.xhtml +++ b/documentation/_c_p_p_scheduler_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_c_p_p_scheduler_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_c_p_p_scheduler_8h.xhtml">CPPScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_sort_euclidean_distance_kernel_8h.xhtml b/documentation/_c_p_p_sort_euclidean_distance_kernel_8h.xhtml index 19b60e8a0..20211089f 100644 --- a/documentation/_c_p_p_sort_euclidean_distance_kernel_8h.xhtml +++ b/documentation/_c_p_p_sort_euclidean_distance_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">CPPSortEuclideanDistanceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_c_p_p_sort_euclidean_distance_kernel_8h_source.xhtml b/documentation/_c_p_p_sort_euclidean_distance_kernel_8h_source.xhtml index 315494c67..c27068eaf 100644 --- a/documentation/_c_p_p_sort_euclidean_distance_kernel_8h_source.xhtml +++ b/documentation/_c_p_p_sort_euclidean_distance_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_c_p_p_sort_euclidean_distance_kernel_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">CPPSortEuclideanDistanceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_coordinates_8h.xhtml b/documentation/_coordinates_8h.xhtml index 65b7cde8b..bd7bb149b 100644 --- a/documentation/_coordinates_8h.xhtml +++ b/documentation/_coordinates_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_coordinates_8h.xhtml">Coordinates.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_coordinates_8h_source.xhtml b/documentation/_coordinates_8h_source.xhtml index 4c189fd4b..9fd269a2a 100644 --- a/documentation/_coordinates_8h_source.xhtml +++ b/documentation/_coordinates_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_coordinates_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_coordinates_8h.xhtml">Coordinates.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_dimensions_8h.xhtml b/documentation/_dimensions_8h.xhtml index fc932c323..45e7d6c83 100644 --- a/documentation/_dimensions_8h.xhtml +++ b/documentation/_dimensions_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_dimensions_8h.xhtml">Dimensions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_dimensions_8h_source.xhtml b/documentation/_dimensions_8h_source.xhtml index 8fcd1e8a8..8f36db462 100644 --- a/documentation/_dimensions_8h_source.xhtml +++ b/documentation/_dimensions_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('_dimensions_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_dimensions_8h.xhtml">Dimensions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_distribution1_d_8h.xhtml b/documentation/_distribution1_d_8h.xhtml index 0910ac438..279a15a4a 100644 --- a/documentation/_distribution1_d_8h.xhtml +++ b/documentation/_distribution1_d_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_distribution1_d_8h.xhtml">Distribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_distribution1_d_8h_source.xhtml b/documentation/_distribution1_d_8h_source.xhtml index 880762e57..ab111242d 100644 --- a/documentation/_distribution1_d_8h_source.xhtml +++ b/documentation/_distribution1_d_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_distribution1_d_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_distribution1_d_8h.xhtml">Distribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_error_8h.xhtml b/documentation/_error_8h.xhtml index 4074209ef..e8f6e69f7 100644 --- a/documentation/_error_8h.xhtml +++ b/documentation/_error_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="_error_8h_source.xhtml#l00031">31</a> of file <a class="el" href="_error_8h_source.xhtml">Error.h</a>.</p> -<p>Referenced by <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00098">arm_compute::data_size_from_type()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00195">arm_compute::data_type_from_format()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00169">arm_compute::element_size_from_data_type()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00283">arm_compute::num_planes_from_format()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00131">arm_compute::pixel_size_from_format()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00236">arm_compute::plane_idx_from_channel()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>.</p> +<p>Referenced by <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00098">arm_compute::data_size_from_type()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00195">arm_compute::data_type_from_format()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00169">arm_compute::element_size_from_data_type()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00283">arm_compute::num_planes_from_format()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00131">arm_compute::pixel_size_from_format()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00236">arm_compute::plane_idx_from_channel()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>.</p> </div> </div> @@ -296,7 +296,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="_error_8h_source.xhtml#l00100">100</a> of file <a class="el" href="_error_8h_source.xhtml">Error.h</a>.</p> -<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00217">AccessWindowHorizontal::AccessWindowHorizontal()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00196">AccessWindowVertical::AccessWindowVertical()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00047">arm_compute::adjust_down()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00063">arm_compute::adjust_up()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00117">IArray< NELKInternalKeypoint >::at()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00042">arm_compute::ceil_to_multiple()</a>, <a class="el" href="_c_l_array_8h_source.xhtml#l00075">CLArray< T >::cl_buffer()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">arm_compute::colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">arm_compute::colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">arm_compute::colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">arm_compute::colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00050">arm_compute::floor_to_multiple()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00102">Dimensions< size_t >::operator[]()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00078">IArray< NELKInternalKeypoint >::push_back()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00128">IArray< NELKInternalKeypoint >::resize()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="_window_8inl_source.xhtml#l00053">Window::scale()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00073">Dimensions< size_t >::set()</a>, <a class="el" href="_window_8inl_source.xhtml#l00040">Window::set()</a>, <a class="el" href="_window_8inl_source.xhtml#l00062">Window::set_dimension_step()</a>, <a class="el" href="_window_8inl_source.xhtml#l00046">Window::shift()</a>, <a class="el" href="_window_8inl_source.xhtml#l00085">Window::split_window()</a>, <a class="el" href="_tensor_shape_8h_source.xhtml#l00068">TensorShape::total_size()</a>, <a class="el" href="_tensor_shape_8h_source.xhtml#l00082">TensorShape::total_size_upper()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00068">Window::validate()</a>.</p> +<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00217">AccessWindowHorizontal::AccessWindowHorizontal()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00196">AccessWindowVertical::AccessWindowVertical()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00047">arm_compute::adjust_down()</a>, <a class="el" href="_i_access_window_8h_source.xhtml#l00063">arm_compute::adjust_up()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00117">IArray< NELKInternalKeypoint >::at()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00042">arm_compute::ceil_to_multiple()</a>, <a class="el" href="_c_l_array_8h_source.xhtml#l00075">CLArray< T >::cl_buffer()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">arm_compute::colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">arm_compute::colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">arm_compute::colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">arm_compute::colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00050">arm_compute::floor_to_multiple()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00102">Dimensions< size_t >::operator[]()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00078">IArray< NELKInternalKeypoint >::push_back()</a>, <a class="el" href="_i_array_8h_source.xhtml#l00128">IArray< NELKInternalKeypoint >::resize()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="_window_8inl_source.xhtml#l00053">Window::scale()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00073">Dimensions< size_t >::set()</a>, <a class="el" href="_window_8inl_source.xhtml#l00040">Window::set()</a>, <a class="el" href="_window_8inl_source.xhtml#l00062">Window::set_dimension_step()</a>, <a class="el" href="_window_8inl_source.xhtml#l00046">Window::shift()</a>, <a class="el" href="_window_8inl_source.xhtml#l00085">Window::split_window()</a>, <a class="el" href="_tensor_shape_8h_source.xhtml#l00068">TensorShape::total_size()</a>, <a class="el" href="_tensor_shape_8h_source.xhtml#l00082">TensorShape::total_size_upper()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00068">Window::validate()</a>.</p> </div> </div> @@ -427,7 +427,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="_error_8h_source.xhtml#l00091">91</a> of file <a class="el" href="_error_8h_source.xhtml">Error.h</a>.</p> -<p>Referenced by <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00136">test_helpers::parse_ppm_header()</a>.</p> +<p>Referenced by <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00138">test_helpers::parse_ppm_header()</a>.</p> </div> </div> @@ -456,7 +456,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="_error_8h_source.xhtml#l00049">49</a> of file <a class="el" href="_error_8h_source.xhtml">Error.h</a>.</p> -<p>Referenced by <a class="el" href="_validate_8h_source.xhtml#l00292">arm_compute::error_on_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00259">arm_compute::error_on_data_type_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00227">arm_compute::error_on_data_type_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00196">arm_compute::error_on_format_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00162">arm_compute::error_on_mismatching_data_types()</a>, <a class="el" href="_validate_8h_source.xhtml#l00132">arm_compute::error_on_mismatching_shapes()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00136">test_helpers::parse_ppm_header()</a>.</p> +<p>Referenced by <a class="el" href="_validate_8h_source.xhtml#l00292">arm_compute::error_on_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00259">arm_compute::error_on_data_type_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00227">arm_compute::error_on_data_type_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00196">arm_compute::error_on_format_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00162">arm_compute::error_on_mismatching_data_types()</a>, <a class="el" href="_validate_8h_source.xhtml#l00132">arm_compute::error_on_mismatching_shapes()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00138">test_helpers::parse_ppm_header()</a>.</p> </div> </div> @@ -466,7 +466,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_error_8h.xhtml">Error.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_error_8h_source.xhtml b/documentation/_error_8h_source.xhtml index 5767f66a3..5eb4cec2f 100644 --- a/documentation/_error_8h_source.xhtml +++ b/documentation/_error_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,7 +124,7 @@ $(document).ready(function(){initNavTree('_error_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_error_8h.xhtml">Error.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_h_o_g_8h.xhtml b/documentation/_h_o_g_8h.xhtml index e56a7da98..0bd392818 100644 --- a/documentation/_h_o_g_8h.xhtml +++ b/documentation/_h_o_g_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_h_o_g_8h.xhtml">HOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_h_o_g_8h_source.xhtml b/documentation/_h_o_g_8h_source.xhtml index d4af8b53d..736deb372 100644 --- a/documentation/_h_o_g_8h_source.xhtml +++ b/documentation/_h_o_g_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_h_o_g_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_h_o_g_8h.xhtml">HOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_h_o_g_info_8h.xhtml b/documentation/_h_o_g_info_8h.xhtml index f23e4b222..861dadb59 100644 --- a/documentation/_h_o_g_info_8h.xhtml +++ b/documentation/_h_o_g_info_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_h_o_g_info_8h.xhtml">HOGInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_h_o_g_info_8h_source.xhtml b/documentation/_h_o_g_info_8h_source.xhtml index e4d108181..e568a7313 100644 --- a/documentation/_h_o_g_info_8h_source.xhtml +++ b/documentation/_h_o_g_info_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_h_o_g_info_8h_source.xhtml','');}); <a href="_h_o_g_info_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_HOGINFO_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_HOGINFO_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_size2_d_8h.xhtml">arm_compute/core/Size2D.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_h_o_g_info.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648">HOGInfo</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#ada121d63992678a09e1b3db5a2002bfa">~HOGInfo</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648">HOGInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648">HOGInfo</a>(<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590">operator=</a>(<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648">HOGInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a4b7434680a85c2ac14df737ac7cca91e">cell_size</a>, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a13a9a6f5cfa21b3ab15b1e4315311aeb">block_size</a>, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a0279e383beb758e477ce0673c5db8d57">detection_window_size</a>, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aa9a69eade27460f843fcfba5abb7ae52">block_stride</a>, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#ae3664b841732a09d7749953ca5b81373">num_bins</a>,</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed90de2ef57929727bb2159b66d04487">normalization_type</a> = <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">HOGNormType::L2HYS_NORM</a>, <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443">l2_hyst_threshold</a> = 0.2f, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9">phase_type</a> = <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">PhaseType::UNSIGNED</a>);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a75215e8ba07a5ec88ee8c902e306e887">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &cell_size, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &block_size, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &detection_window_size, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &block_stride, <span class="keywordtype">size_t</span> num_bins,</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed90de2ef57929727bb2159b66d04487">normalization_type</a> = <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">HOGNormType::L2HYS_NORM</a>, <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443">l2_hyst_threshold</a> = 0.2f, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9">phase_type</a> = <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">PhaseType::UNSIGNED</a>);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a4b7434680a85c2ac14df737ac7cca91e">cell_size</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a13a9a6f5cfa21b3ab15b1e4315311aeb">block_size</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a0279e383beb758e477ce0673c5db8d57">detection_window_size</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &<a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aa9a69eade27460f843fcfba5abb7ae52">block_stride</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#ae3664b841732a09d7749953ca5b81373">num_bins</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#aed90de2ef57929727bb2159b66d04487">normalization_type</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443">l2_hyst_threshold</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9">phase_type</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a8f6435e0a7c016e3cb0fc94b33067e50">descriptor_size</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#adb20b5249eedf180a461ea097622fe7f">num_cells_per_block</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml#a649a86d58ff88cfd8523d6cb71d64332">num_blocks_per_image</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> &image_size) <span class="keyword">const</span>;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span> </div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> _cell_size;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> _block_size;</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> _detection_window_size;</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <a class="code" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> _block_stride;</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keywordtype">size_t</span> _num_bins;</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a> _normalization_type;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keywordtype">float</span> _l2_hyst_threshold;</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> _phase_type;</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <span class="keywordtype">size_t</span> _descriptor_size;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> };</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> }</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_HOGINFO_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">arm_compute::HOGNormType::L2HYS_NORM</a></div><div class="ttdoc">L2-norm followed by clipping. </div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_a96823b4d7dc642aa9f51a0077899d3f9"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9">arm_compute::HOGInfo::phase_type</a></div><div class="ttdeci">PhaseType phase_type() const </div><div class="ttdoc">The type of PhaseType. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">arm_compute::PhaseType::UNSIGNED</a></div><div class="ttdoc">Angle range: [0, 180]. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00235">Types.h:235</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00248">Types.h:248</a></div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_adb20b5249eedf180a461ea097622fe7f"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#adb20b5249eedf180a461ea097622fe7f">arm_compute::HOGInfo::num_cells_per_block</a></div><div class="ttdeci">Size2D num_cells_per_block() const </div><div class="ttdoc">Calculates the number of cells for each block. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml">arm_compute::HOGInfo</a></div><div class="ttdoc">Store the HOG&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_h_o_g_info_8h_source.xhtml#l00035">HOGInfo.h:35</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_h_o_g_info_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_a954d05635b1ff48daffdd70d8a1a6443"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443">arm_compute::HOGInfo::l2_hyst_threshold</a></div><div class="ttdeci">float l2_hyst_threshold() const </div><div class="ttdoc">Threshold used for L2HYS_NORM normalization type. </div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_aed28257d62b9129062bfd61600531648"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648">arm_compute::HOGInfo::HOGInfo</a></div><div class="ttdeci">HOGInfo()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_a8f6435e0a7c016e3cb0fc94b33067e50"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#a8f6435e0a7c016e3cb0fc94b33067e50">arm_compute::HOGInfo::descriptor_size</a></div><div class="ttdeci">size_t descriptor_size() const </div><div class="ttdoc">The size of HOG descriptor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">arm_compute::HOGNormType</a></div><div class="ttdeci">HOGNormType</div><div class="ttdoc">Normalization type for Histogram of Oriented Gradients (HOG) </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00321">Types.h:321</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">arm_compute::HOGNormType</a></div><div class="ttdeci">HOGNormType</div><div class="ttdoc">Normalization type for Histogram of Oriented Gradients (HOG) </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00334">Types.h:334</a></div></div> <div class="ttc" id="classarm__compute_1_1_size2_d_xhtml"><div class="ttname"><a href="classarm__compute_1_1_size2_d.xhtml">arm_compute::Size2D</a></div><div class="ttdoc">Class for specifying the size of an image or rectangle. </div><div class="ttdef"><b>Definition:</b> <a href="_size2_d_8h_source.xhtml#l00032">Size2D.h:32</a></div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_a64f60c469394d4f5f621546fc3108590"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590">arm_compute::HOGInfo::operator=</a></div><div class="ttdeci">HOGInfo & operator=(const HOGInfo &)=default</div><div class="ttdoc">Allow instances of this class to be copied. </div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml_ada121d63992678a09e1b3db5a2002bfa"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml#ada121d63992678a09e1b3db5a2002bfa">arm_compute::HOGInfo::~HOGInfo</a></div><div class="ttdeci">virtual ~HOGInfo()=default</div><div class="ttdoc">Default destructor. </div></div> @@ -146,7 +146,7 @@ $(document).ready(function(){initNavTree('_h_o_g_info_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_h_o_g_info_8h.xhtml">HOGInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_helpers_8h.xhtml b/documentation/_helpers_8h.xhtml index f3cd991c7..b10e50f6e 100644 --- a/documentation/_helpers_8h.xhtml +++ b/documentation/_helpers_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -185,7 +185,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_helpers_8h.xhtml">Helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_helpers_8h_source.xhtml b/documentation/_helpers_8h_source.xhtml index 383c2fd2c..2537f2868 100644 --- a/documentation/_helpers_8h_source.xhtml +++ b/documentation/_helpers_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,14 +116,14 @@ $(document).ready(function(){initNavTree('_helpers_8h_source.xhtml','');}); <div class="title">Helpers.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_helpers_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_HELPERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_HELPERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_steps_8h.xhtml">arm_compute/core/Steps.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_strides_8h.xhtml">arm_compute/core/Strides.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_window_8h.xhtml">arm_compute/core/Window.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <array></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <tuple></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <type_traits></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">class </span>IKernel;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="namespacearm__compute_1_1cpp14.xhtml"> 48</a></span> <span class="keyword">namespace </span>cpp14</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#ifndef DOXYGEN_SKIP_THIS </span><span class="comment">/* Doxygen gets confused by the templates and can't match the implementation to the declaration */</span><span class="preprocessor"></span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">struct </span>_Unique_if</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">typedef</span> std::unique_ptr<T> _Single_object;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> };</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keyword">struct </span>_Unique_if<T[]></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keyword">typedef</span> std::unique_ptr<T[]> _Unknown_bound;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> };</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">template</span> <<span class="keyword">class</span> T, <span class="keywordtype">size_t</span> N></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">struct </span>_Unique_if<T[N]></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> {</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">typedef</span> <span class="keywordtype">void</span> _Known_bound;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> };</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="keyword">template</span> <<span class="keyword">class </span>T, <span class="keyword">class</span>... Args></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">typename</span> _Unique_if<T>::_Single_object</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> make_unique(Args &&... args)</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> {</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordflow">return</span> std::unique_ptr<T>(<span class="keyword">new</span> T(std::forward<Args>(args)...));</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">typename</span> _Unique_if<T>::_Unknown_bound</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> make_unique(<span class="keywordtype">size_t</span> n)</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> {</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keyword">typedef</span> <span class="keyword">typename</span> std::remove_extent<T>::type <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordflow">return</span> std::unique_ptr<T>(<span class="keyword">new</span> U[n]());</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">template</span> <<span class="keyword">class </span>T, <span class="keyword">class</span>... Args></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">typename</span> _Unique_if<T>::_Known_bound</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> make_unique(Args &&...) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="preprocessor">#endif </span><span class="comment">/* DOXYGEN_SKIP_THIS */</span><span class="preprocessor"></span></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> }</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="keyword">namespace</span></div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> <span class="keyword">inline</span> uint8_t delta_bilinear_c1u8(<span class="keyword">const</span> uint8_t *pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">float</span> dx, <span class="keywordtype">float</span> dy);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> <span class="keyword">inline</span> uint8_t pixel_bilinear_c1u8(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">float</span> x, <span class="keywordtype">float</span> y);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span> <span class="keyword">inline</span> uint8_t pixel_bilinear_c1u8_clamp(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">size_t</span> width, <span class="keywordtype">size_t</span> height, <span class="keywordtype">float</span> x, <span class="keywordtype">float</span> y);</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span> <span class="keyword">inline</span> uint8_t pixel_area_c1u8_clamp(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">size_t</span> width, <span class="keywordtype">size_t</span> height, <span class="keywordtype">float</span> wr, <span class="keywordtype">float</span> hr, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> <span class="keyword">inline</span> T clamp(<span class="keyword">const</span> T &n, <span class="keyword">const</span> T &lower, <span class="keyword">const</span> T &upper)</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> {</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> std::max(lower, std::min(n, upper));</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> }</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> </div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> for_each(F &&)</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span> {</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span> }</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> </div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> T, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> for_each(F &&func, T &&arg, Ts &&... args)</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> {</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  func(arg);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  for_each(func, args...);</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> }</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> </div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> T></div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span> <span class="keyword">inline</span> T foldl(F &&, T &&value)</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> {</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <span class="keywordflow">return</span> value;</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> }</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> </div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> I, <span class="keyword">typename</span> T, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span> <span class="keyword">inline</span> I foldl(F &&func, I &&initial, T &&value, Ts &&... values)</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">return</span> foldl(func, func(initial, value), values...);</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> }</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span> }</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span> </div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span> {</div><div class="line"><a name="l00210"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_iterator.xhtml"> 210</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a></div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span> {</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  constexpr <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a>();</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  Iterator(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> </div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span>  <span class="keywordtype">void</span> increment(<span class="keywordtype">size_t</span> dimension);</div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> </div><div class="line"><a name="l00236"></a><span class="lineno"> 236</span>  constexpr <span class="keywordtype">int</span> <a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span> </div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span>  constexpr uint8_t *ptr() <span class="keyword">const</span>;</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span> </div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <span class="keywordtype">void</span> reset(<span class="keywordtype">size_t</span> dimension);</div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span> </div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  uint8_t *_ptr;</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span> </div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  <span class="keyword">class </span>Dimension</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  {</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keyword">public</span>:</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  constexpr Dimension()</div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span>  : _dim_start(0), _stride(0)</div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span>  {</div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span>  }</div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span> </div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordtype">int</span> _dim_start;</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <span class="keywordtype">int</span> _stride;</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  };</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span> </div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  std::array<Dimension, Coordinates::num_max_dimensions> _dims;</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span> };</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span> </div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> <span class="keyword">template</span> <<span class="keyword">typename</span> L, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &w, L &&lambda_function, Ts &&... iterators);</div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span> </div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00294"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22"> 294</a></span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22">update_window_and_padding</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win, Ts &&... patterns)</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span> {</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <span class="keywordtype">bool</span> window_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span> </div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  for_each([&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> & w)</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  {</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  window_changed |= w.<a class="code" href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">update_window_if_needed</a>(win);</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  },</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  patterns...);</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> </div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <span class="keywordtype">bool</span> padding_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span> </div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  for_each([&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> & w)</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  {</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  padding_changed |= w.<a class="code" href="classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6">update_padding_if_needed</a>(win);</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  },</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  patterns...);</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> </div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <span class="keywordflow">return</span> window_changed;</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span> }</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span> </div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> <a class="code" href="namespacearm__compute.xhtml#aa8063930734453501dbe41f60c5a89d9">calculate_max_window</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a> &steps = <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a>(), <span class="keywordtype">bool</span> skip_border = <span class="keyword">false</span>, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span> </div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> <a class="code" href="namespacearm__compute.xhtml#a0451630695335182319ee53d785d0715">calculate_max_window_horizontal</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a> &steps = <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a>(), <span class="keywordtype">bool</span> skip_border = <span class="keyword">false</span>, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span> </div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00344"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6"> 344</a></span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6">intersect_valid_regions</a>(Ts &&... regions)</div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span> {</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span>  <span class="keyword">auto</span> intersect = [](<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> & r1, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> & r2) -> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  {</div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> region;</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> </div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>(), r2.anchor.num_dimensions()); ++d)</div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  {</div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span>  region.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(d, std::max(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>[d], r2.anchor[d]));</div><div class="line"><a name="l00353"></a><span class="lineno"> 353</span>  }</div><div class="line"><a name="l00354"></a><span class="lineno"> 354</span> </div><div class="line"><a name="l00355"></a><span class="lineno"> 355</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>(), r2.shape.num_dimensions()); ++d)</div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span>  {</div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  region.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(d, std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>[d], r2.shape[d]));</div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  }</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span> </div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  <span class="keywordflow">return</span> region;</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  };</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">return</span> foldl(intersect, std::forward<Ts>(regions)...);</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span> }</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span> </div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00376"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32"> 376</a></span> <span class="keyword">inline</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, T stride_x, Ts &&... fixed_strides)</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> {</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &shape = info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>();</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span> </div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  <span class="comment">// Create strides object</span></div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span>  <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> strides(stride_x, fixed_strides...);</div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span> </div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> i = 1 + <span class="keyword">sizeof</span>...(Ts); i < info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07">num_dimensions</a>(); ++i)</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  {</div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  strides.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(i, shape[i - 1] * strides[i - 1]);</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  }</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span> </div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  <span class="keywordflow">return</span> strides;</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span> }</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span> </div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00398"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707"> 398</a></span> <span class="keyword">inline</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info)</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span> {</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(info, info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e">element_size</a>());</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span> }</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> }</div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span> </div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span> <span class="preprocessor">#include "<a class="code" href="_helpers_8inl.xhtml">arm_compute/core/Helpers.inl</a>"</span></div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_HELPERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_tensor_shape_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_shape.xhtml">arm_compute::TensorShape</a></div><div class="ttdoc">Shape of a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_shape_8h_source.xhtml#l00038">TensorShape.h:38</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00104">Types.h:104</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_helpers_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_HELPERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_HELPERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_access_window_8h.xhtml">arm_compute/core/IAccessWindow.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_steps_8h.xhtml">arm_compute/core/Steps.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_strides_8h.xhtml">arm_compute/core/Strides.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_window_8h.xhtml">arm_compute/core/Window.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <array></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <tuple></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <type_traits></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">class </span>IKernel;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="namespacearm__compute_1_1cpp14.xhtml"> 48</a></span> <span class="keyword">namespace </span>cpp14</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#ifndef DOXYGEN_SKIP_THIS </span><span class="comment">/* Doxygen gets confused by the templates and can't match the implementation to the declaration */</span><span class="preprocessor"></span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">struct </span>_Unique_if</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">typedef</span> std::unique_ptr<T> _Single_object;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> };</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keyword">struct </span>_Unique_if<T[]></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keyword">typedef</span> std::unique_ptr<T[]> _Unknown_bound;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> };</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">template</span> <<span class="keyword">class</span> T, <span class="keywordtype">size_t</span> N></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">struct </span>_Unique_if<T[N]></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> {</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">typedef</span> <span class="keywordtype">void</span> _Known_bound;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> };</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="keyword">template</span> <<span class="keyword">class </span>T, <span class="keyword">class</span>... Args></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">typename</span> _Unique_if<T>::_Single_object</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> make_unique(Args &&... args)</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> {</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordflow">return</span> std::unique_ptr<T>(<span class="keyword">new</span> T(std::forward<Args>(args)...));</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="keyword">template</span> <<span class="keyword">class</span> T></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="keyword">typename</span> _Unique_if<T>::_Unknown_bound</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> make_unique(<span class="keywordtype">size_t</span> n)</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> {</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keyword">typedef</span> <span class="keyword">typename</span> std::remove_extent<T>::type <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keywordflow">return</span> std::unique_ptr<T>(<span class="keyword">new</span> U[n]());</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">template</span> <<span class="keyword">class </span>T, <span class="keyword">class</span>... Args></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">typename</span> _Unique_if<T>::_Known_bound</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> make_unique(Args &&...) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="preprocessor">#endif </span><span class="comment">/* DOXYGEN_SKIP_THIS */</span><span class="preprocessor"></span></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> }</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="keyword">namespace</span></div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> <span class="keyword">inline</span> uint8_t delta_bilinear_c1u8(<span class="keyword">const</span> uint8_t *pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">float</span> dx, <span class="keywordtype">float</span> dy);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> <span class="keyword">inline</span> uint8_t pixel_bilinear_c1u8(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">float</span> x, <span class="keywordtype">float</span> y);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span> <span class="keyword">inline</span> uint8_t pixel_bilinear_c1u8_clamp(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">size_t</span> width, <span class="keywordtype">size_t</span> height, <span class="keywordtype">float</span> x, <span class="keywordtype">float</span> y);</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span> <span class="keyword">inline</span> uint8_t pixel_area_c1u8_clamp(<span class="keyword">const</span> uint8_t *first_pixel_ptr, <span class="keywordtype">size_t</span> stride, <span class="keywordtype">size_t</span> width, <span class="keywordtype">size_t</span> height, <span class="keywordtype">float</span> wr, <span class="keywordtype">float</span> hr, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> <span class="keyword">inline</span> T clamp(<span class="keyword">const</span> T &n, <span class="keyword">const</span> T &lower, <span class="keyword">const</span> T &upper)</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> {</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> std::max(lower, std::min(n, upper));</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> }</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> </div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> for_each(F &&)</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span> {</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span> }</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> </div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> T, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> for_each(F &&func, T &&arg, Ts &&... args)</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> {</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  func(arg);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  for_each(func, args...);</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> }</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> </div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> T></div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> <span class="keyword">inline</span> T foldl(F &&, <span class="keyword">const</span> T &value)</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> {</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  <span class="keywordflow">return</span> value;</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> }</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span> </div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> T, <span class="keyword">typename</span> U></div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span> <span class="keyword">inline</span> <span class="keyword">auto</span> foldl(F &&func, T &&value1, <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a> &&value2) -> decltype(func(value1, value2))</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">return</span> func(value1, value2);</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> }</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span> </div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> <span class="keyword">template</span> <<span class="keyword">typename</span> F, <span class="keyword">typename</span> I, <span class="keyword">typename</span> T, <span class="keyword">typename</span>... Vs></div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> <span class="keyword">inline</span> I foldl(F &&func, I &&initial, T &&value, Vs &&... values)</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> {</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span>  <span class="keywordflow">return</span> foldl(std::forward<F>(func), func(std::forward<I>(initial), std::forward<T>(value)), std::forward<Vs>(values)...);</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span> }</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> }</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span> </div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> {</div><div class="line"><a name="l00223"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_iterator.xhtml"> 223</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> {</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  constexpr <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a>();</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  Iterator(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span> </div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span>  <span class="keywordtype">void</span> increment(<span class="keywordtype">size_t</span> dimension);</div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span> </div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span>  constexpr <span class="keywordtype">int</span> <a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span> </div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  constexpr uint8_t *ptr() <span class="keyword">const</span>;</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span> </div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordtype">void</span> reset(<span class="keywordtype">size_t</span> dimension);</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span> </div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  uint8_t *_ptr;</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span> </div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span>  <span class="keyword">class </span>Dimension</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  {</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  <span class="keyword">public</span>:</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  constexpr Dimension()</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  : _dim_start(0), _stride(0)</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  {</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  }</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> </div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span>  <span class="keywordtype">int</span> _dim_start;</div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span>  <span class="keywordtype">int</span> _stride;</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span>  };</div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span> </div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span>  std::array<Dimension, Coordinates::num_max_dimensions> _dims;</div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span> };</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span> </div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span> <span class="keyword">template</span> <<span class="keyword">typename</span> L, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span> <span class="keyword">inline</span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &w, L &&lambda_function, Ts &&... iterators);</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span> </div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00307"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22"> 307</a></span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22">update_window_and_padding</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win, Ts &&... patterns)</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span> {</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <span class="keywordtype">bool</span> window_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> </div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  for_each([&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> & w)</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  {</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  window_changed |= w.<a class="code" href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">update_window_if_needed</a>(win);</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  },</div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  patterns...);</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> </div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  <span class="keywordtype">bool</span> padding_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> </div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  for_each([&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> & w)</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  padding_changed |= w.<a class="code" href="classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6">update_padding_if_needed</a>(win);</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  },</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  patterns...);</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> </div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <span class="keywordflow">return</span> window_changed;</div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span> }</div><div class="line"><a name="l00327"></a><span class="lineno"> 327</span> </div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> <a class="code" href="namespacearm__compute.xhtml#aa8063930734453501dbe41f60c5a89d9">calculate_max_window</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a> &steps = <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a>(), <span class="keywordtype">bool</span> skip_border = <span class="keyword">false</span>, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span> </div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> <a class="code" href="namespacearm__compute.xhtml#a0451630695335182319ee53d785d0715">calculate_max_window_horizontal</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a> &steps = <a class="code" href="classarm__compute_1_1_steps.xhtml">Steps</a>(), <span class="keywordtype">bool</span> skip_border = <span class="keyword">false</span>, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> </div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00357"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6"> 357</a></span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6">intersect_valid_regions</a>(Ts &&... regions)</div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span> {</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span>  <span class="keyword">auto</span> intersect = [](<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> & r1, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> & r2) -> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  {</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> region;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>(), r2.anchor.num_dimensions()); ++d)</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  {</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  region.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(d, std::max(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>[d], r2.anchor[d]));</div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  }</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span> </div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>(), r2.shape.num_dimensions()); ++d)</div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  {</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  region.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(d, std::min(r1.<a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>[d], r2.shape[d]));</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  }</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> </div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span>  <span class="keywordflow">return</span> region;</div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  };</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span> </div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  <span class="keywordflow">return</span> foldl(intersect, std::forward<Ts>(regions)...);</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> }</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span> </div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T, <span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00389"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32"> 389</a></span> <span class="keyword">inline</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info, T stride_x, Ts &&... fixed_strides)</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span> {</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &shape = info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>();</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span> </div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  <span class="comment">// Create strides object</span></div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> strides(stride_x, fixed_strides...);</div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span> </div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> i = 1 + <span class="keyword">sizeof</span>...(Ts); i < info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07">num_dimensions</a>(); ++i)</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  {</div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  strides.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">set</a>(i, shape[i - 1] * strides[i - 1]);</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  }</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span> </div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  <span class="keywordflow">return</span> strides;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> }</div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span> </div><div class="line"><a name="l00410"></a><span class="lineno"> 410</span> <span class="keyword">template</span> <<span class="keyword">typename</span>... Ts></div><div class="line"><a name="l00411"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707"> 411</a></span> <span class="keyword">inline</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &info)</div><div class="line"><a name="l00412"></a><span class="lineno"> 412</span> {</div><div class="line"><a name="l00413"></a><span class="lineno"> 413</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">compute_strides</a>(info, info.<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e">element_size</a>());</div><div class="line"><a name="l00414"></a><span class="lineno"> 414</span> }</div><div class="line"><a name="l00415"></a><span class="lineno"> 415</span> }</div><div class="line"><a name="l00416"></a><span class="lineno"> 416</span> </div><div class="line"><a name="l00417"></a><span class="lineno"> 417</span> <span class="preprocessor">#include "<a class="code" href="_helpers_8inl.xhtml">arm_compute/core/Helpers.inl</a>"</span></div><div class="line"><a name="l00418"></a><span class="lineno"> 418</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_HELPERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_tensor_shape_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_shape.xhtml">arm_compute::TensorShape</a></div><div class="ttdoc">Shape of a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_shape_8h_source.xhtml#l00038">TensorShape.h:38</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00117">Types.h:117</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_aa8063930734453501dbe41f60c5a89d9"><div class="ttname"><a href="namespacearm__compute.xhtml#aa8063930734453501dbe41f60c5a89d9">arm_compute::calculate_max_window</a></div><div class="ttdeci">Window calculate_max_window(const TensorInfo &info, const Steps &steps=Steps(), bool skip_border=false, BorderSize border_size=BorderSize())</div><div class="ttdoc">Calculate the maximum window for a given tensor shape and border setting. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a448f57f9d6aec61b3d85b898affe4a2e"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e">arm_compute::TensorInfo::element_size</a></div><div class="ttdeci">size_t element_size() const </div><div class="ttdoc">Element size in bytes calculated as data_size() * num_channels. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00231">TensorInfo.h:231</a></div></div> <div class="ttc" id="_window_8h_xhtml"><div class="ttname"><a href="_window_8h.xhtml">Window.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_aedfc72aa9d25b8918734bd374421ee32"><div class="ttname"><a href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">arm_compute::compute_strides</a></div><div class="ttdeci">Strides compute_strides(const TensorInfo &info, T stride_x, Ts &&...fixed_strides)</div><div class="ttdoc">Create a strides object based on the provided strides and the tensor dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00376">Helpers.h:376</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ac2a92cae51d2734a65676052adb33c22"><div class="ttname"><a href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22">arm_compute::update_window_and_padding</a></div><div class="ttdeci">bool update_window_and_padding(Window &win, Ts &&...patterns)</div><div class="ttdoc">Update window and padding size for each of the access patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00294">Helpers.h:294</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_aedfc72aa9d25b8918734bd374421ee32"><div class="ttname"><a href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">arm_compute::compute_strides</a></div><div class="ttdeci">Strides compute_strides(const TensorInfo &info, T stride_x, Ts &&...fixed_strides)</div><div class="ttdoc">Create a strides object based on the provided strides and the tensor dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00389">Helpers.h:389</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ac2a92cae51d2734a65676052adb33c22"><div class="ttname"><a href="namespacearm__compute.xhtml#ac2a92cae51d2734a65676052adb33c22">arm_compute::update_window_and_padding</a></div><div class="ttdeci">bool update_window_and_padding(Window &win, Ts &&...patterns)</div><div class="ttdoc">Update window and padding size for each of the access patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00307">Helpers.h:307</a></div></div> <div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a982730e6f0da5f9490f59bc5f6bb3f27"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27">arm_compute::Dimensions::set</a></div><div class="ttdeci">void set(size_t dimension, T value)</div><div class="ttdoc">Accessor to set the value of one of the dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00073">Dimensions.h:73</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a009469e4d9b8fce3b6d5e97d2077827d"><div class="ttname"><a href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a></div><div class="ttdeci">__global uchar * offset(const Image *img, int x, int y)</div><div class="ttdoc">Get the pointer position of a Image. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00201">helpers.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_helpers_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_i_access_window_xhtml_a5b6940395e0168f3f00da892ded537aa"><div class="ttname"><a href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">arm_compute::IAccessWindow::update_window_if_needed</a></div><div class="ttdeci">virtual bool update_window_if_needed(Window &window) const =0</div><div class="ttdoc">Shrink the window if padding is not large enough. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">arm_compute::Channel::U</a></div><div class="ttdoc">Cb/U channel. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_af3374fa8fcc6d226dc2b82317ab4d079"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">arm_compute::TensorInfo::tensor_shape</a></div><div class="ttdeci">const TensorShape & tensor_shape() const </div><div class="ttdoc">Size for each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00255">TensorInfo.h:255</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3bb1b3d01f14dbc0beb1e826eefeddc6"><div class="ttname"><a href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6">arm_compute::intersect_valid_regions</a></div><div class="ttdeci">ValidRegion intersect_valid_regions(Ts &&...regions)</div><div class="ttdoc">Intersect multiple valid regions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00344">Helpers.h:344</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3bb1b3d01f14dbc0beb1e826eefeddc6"><div class="ttname"><a href="namespacearm__compute.xhtml#a3bb1b3d01f14dbc0beb1e826eefeddc6">arm_compute::intersect_valid_regions</a></div><div class="ttdeci">ValidRegion intersect_valid_regions(Ts &&...regions)</div><div class="ttdoc">Intersect multiple valid regions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00357">Helpers.h:357</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a0451630695335182319ee53d785d0715"><div class="ttname"><a href="namespacearm__compute.xhtml#a0451630695335182319ee53d785d0715">arm_compute::calculate_max_window_horizontal</a></div><div class="ttdeci">Window calculate_max_window_horizontal(const TensorInfo &info, const Steps &steps=Steps(), bool skip_border=false, BorderSize border_size=BorderSize())</div><div class="ttdoc">Calculate the maximum window used by a horizontal kernel for a given tensor shape and border setting...</div></div> <div class="ttc" id="classarm__compute_1_1_steps_xhtml"><div class="ttname"><a href="classarm__compute_1_1_steps.xhtml">arm_compute::Steps</a></div><div class="ttdoc">Class to describe a number of elements in each dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_steps_8h_source.xhtml#l00040">Steps.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_access_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_access_window.xhtml">arm_compute::IAccessWindow</a></div><div class="ttdoc">Interface describing methods to update access window and padding based on kernel parameters. </div><div class="ttdef"><b>Definition:</b> <a href="_i_access_window_8h_source.xhtml#l00071">IAccessWindow.h:71</a></div></div> @@ -143,10 +143,10 @@ $(document).ready(function(){initNavTree('_helpers_8h_source.xhtml','');}); <div class="ttc" id="_coordinates_8h_xhtml"><div class="ttname"><a href="_coordinates_8h.xhtml">Coordinates.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a0f59f175e7682c7ed5f4ea30ef687834"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">arm_compute::Dimensions::num_dimensions</a></div><div class="ttdeci">unsigned int num_dimensions() const </div><div class="ttdoc">Returns the effective dimensionality of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00108">Dimensions.h:108</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00103">Types.h:103</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> <div class="ttc" id="_i_access_window_8h_xhtml"><div class="ttname"><a href="_i_access_window_8h.xhtml">IAccessWindow.h</a></div></div> <div class="ttc" id="_tensor_shape_8h_xhtml"><div class="ttname"><a href="_tensor_shape_8h.xhtml">TensorShape.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a38382dc1f04d28cab04d921b8324dc07"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07">arm_compute::TensorInfo::num_dimensions</a></div><div class="ttdeci">size_t num_dimensions() const </div><div class="ttdoc">The number of dimensions of the tensor (rank) </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00239">TensorInfo.h:239</a></div></div> @@ -157,7 +157,7 @@ $(document).ready(function(){initNavTree('_helpers_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_helpers_8h.xhtml">Helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_helpers_8inl.xhtml b/documentation/_helpers_8inl.xhtml index 445ed6d3b..ae3c7b5e1 100644 --- a/documentation/_helpers_8inl.xhtml +++ b/documentation/_helpers_8inl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_helpers_8inl.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_helpers_8inl.xhtml">Helpers.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_helpers_8inl_source.xhtml b/documentation/_helpers_8inl_source.xhtml index ca4bd125c..5d086bcf6 100644 --- a/documentation/_helpers_8inl_source.xhtml +++ b/documentation/_helpers_8inl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_helpers_8inl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_helpers_8inl.xhtml">Helpers.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_access_window_8h.xhtml b/documentation/_i_access_window_8h.xhtml index 28157f11d..0556387dd 100644 --- a/documentation/_i_access_window_8h.xhtml +++ b/documentation/_i_access_window_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -162,7 +162,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_access_window_8h.xhtml">IAccessWindow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_access_window_8h_source.xhtml b/documentation/_i_access_window_8h_source.xhtml index 7f9c98422..b8c62479f 100644 --- a/documentation/_i_access_window_8h_source.xhtml +++ b/documentation/_i_access_window_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_i_access_window_8h_source.xhtml',''); <div class="contents"> <a href="_i_access_window_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_IACCESS_WINDOW_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_IACCESS_WINDOW_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <array></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>Window;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00047"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a41c1523098580451b378f76b8c37a0f0"> 47</a></span> <span class="keyword">inline</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#a41c1523098580451b378f76b8c37a0f0">adjust_down</a>(<span class="keywordtype">int</span> required, <span class="keywordtype">int</span> available, <span class="keywordtype">int</span> step)</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(step <= 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="keywordflow">return</span> required - step * ((required - available + step - 1) / step);</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> }</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> </div><div class="line"><a name="l00063"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab16fcfbfc3ee6dbc0c112f0bc9b3d9c2"> 63</a></span> <span class="keyword">inline</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#ab16fcfbfc3ee6dbc0c112f0bc9b3d9c2">adjust_up</a>(<span class="keywordtype">int</span> required, <span class="keywordtype">int</span> available, <span class="keywordtype">int</span> step)</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> {</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(step <= 0);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordflow">return</span> required + step * ((available - required + step - 1) / step);</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> }</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00071"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_access_window.xhtml"> 71</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> {</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#abc3996ab36cfa27811d661debfca5b5f">~IAccessWindow</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="keyword">virtual</span> <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const</span> = 0;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">virtual</span> <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const</span> = 0;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keyword">virtual</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const</span> = 0;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> };</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> </div><div class="line"><a name="l00102"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_rectangle.xhtml"> 102</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> {</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00115"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_rectangle.xhtml#ab188c1e89be24e1f21b045bc8818d706"> 115</a></span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#ab188c1e89be24e1f21b045bc8818d706">AccessWindowRectangle</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y, <span class="keywordtype">int</span> width, <span class="keywordtype">int</span> height)</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  : <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>(info, x, y, width, height, 1.f, 1.f)</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  {</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  }</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00132"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_rectangle.xhtml#a8798dad6f6ace10ca2b814464d666ca0"> 132</a></span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml#a8798dad6f6ace10ca2b814464d666ca0">AccessWindowRectangle</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y, <span class="keywordtype">int</span> width, <span class="keywordtype">int</span> height, <span class="keywordtype">float</span> scale_x, <span class="keywordtype">float</span> scale_y)</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  : _info(info), _x(x), _y(y), _width(width), _height(height), _scale_x(scale_x), _scale_y(scale_y)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(width < 0);</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(height < 0);</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(scale_x < 0);</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(scale_y < 0);</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  }</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> </div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>(<a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &operator=(<a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  ~<a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordtype">void</span> set_valid_region(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &input_valid_region, <span class="keywordtype">bool</span> border_undefined = <span class="keyword">false</span>, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &border_size = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>(0));</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &input_valid_region) <span class="keyword">const</span>;</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span> </div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> </div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9">compute_valid_region</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window, <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> input_valid_region, <span class="keywordtype">bool</span> border_undefined, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size) <span class="keyword">const override</span>;</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> </div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">update_window_if_needed</a>(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6">update_padding_if_needed</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">const override</span>;</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> </div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *_info;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <span class="keywordtype">int</span> _x;</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordtype">int</span> _y;</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <span class="keywordtype">int</span> _width;</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">int</span> _height;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordtype">float</span> _scale_x;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="keywordtype">float</span> _scale_y;</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> };</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> </div><div class="line"><a name="l00184"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_vertical.xhtml"> 184</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_vertical.xhtml">AccessWindowVertical</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a></div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> {</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00196"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_vertical.xhtml#aeee936a7e64982bb0304daa9a80905ef"> 196</a></span>  <a class="code" href="classarm__compute_1_1_access_window_vertical.xhtml#aeee936a7e64982bb0304daa9a80905ef">AccessWindowVertical</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info, <span class="keywordtype">int</span> y, <span class="keywordtype">int</span> height, <span class="keywordtype">float</span> scale_y = 1.f)</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  : <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>(info, 0, y, 1, height, 1.f, scale_y)</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  {</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(height < 0);</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(scale_y < 0);</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  }</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> };</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span> </div><div class="line"><a name="l00205"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_horizontal.xhtml"> 205</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_access_window_horizontal.xhtml">AccessWindowHorizontal</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a></div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span> {</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00217"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_access_window_horizontal.xhtml#a41241ba3df57ef9b2b35ee837cbbecbf"> 217</a></span>  <a class="code" href="classarm__compute_1_1_access_window_horizontal.xhtml#a41241ba3df57ef9b2b35ee837cbbecbf">AccessWindowHorizontal</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> *info, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> width, <span class="keywordtype">float</span> scale_x = 1.f)</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  : <a class="code" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a>(info, x, 0, width, 1, scale_x, 1.f)</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  {</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(width < 0);</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(scale_x < 0);</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  }</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span> };</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> } <span class="comment">// namespace arm_compute</span></div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_IACCESS_WINDOW_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_access_window_rectangle_xhtml_a8798dad6f6ace10ca2b814464d666ca0"><div class="ttname"><a href="classarm__compute_1_1_access_window_rectangle.xhtml#a8798dad6f6ace10ca2b814464d666ca0">arm_compute::AccessWindowRectangle::AccessWindowRectangle</a></div><div class="ttdeci">AccessWindowRectangle(TensorInfo *info, int x, int y, int width, int height, float scale_x, float scale_y)</div><div class="ttdoc">Constructor for a rectangular access pattern. </div><div class="ttdef"><b>Definition:</b> <a href="_i_access_window_8h_source.xhtml#l00132">IAccessWindow.h:132</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_vertical_xhtml"><div class="ttname"><a href="classarm__compute_1_1_access_window_vertical.xhtml">arm_compute::AccessWindowVertical</a></div><div class="ttdoc">Implementation of a column access pattern. </div><div class="ttdef"><b>Definition:</b> <a href="_i_access_window_8h_source.xhtml#l00184">IAccessWindow.h:184</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_access_window_xhtml_abc3996ab36cfa27811d661debfca5b5f"><div class="ttname"><a href="classarm__compute_1_1_i_access_window.xhtml#abc3996ab36cfa27811d661debfca5b5f">arm_compute::IAccessWindow::~IAccessWindow</a></div><div class="ttdeci">virtual ~IAccessWindow()=default</div></div> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_i_access_window_8h_source.xhtml',''); <div class="ttc" id="_coordinates_8h_xhtml"><div class="ttname"><a href="_coordinates_8h.xhtml">Coordinates.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_access_window_horizontal_xhtml_a41241ba3df57ef9b2b35ee837cbbecbf"><div class="ttname"><a href="classarm__compute_1_1_access_window_horizontal.xhtml#a41241ba3df57ef9b2b35ee837cbbecbf">arm_compute::AccessWindowHorizontal::AccessWindowHorizontal</a></div><div class="ttdeci">AccessWindowHorizontal(TensorInfo *info, int x, int width, float scale_x=1.f)</div><div class="ttdoc">Constructor for a row access pattern. </div><div class="ttdef"><b>Definition:</b> <a href="_i_access_window_8h_source.xhtml#l00217">IAccessWindow.h:217</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a41c1523098580451b378f76b8c37a0f0"><div class="ttname"><a href="namespacearm__compute.xhtml#a41c1523098580451b378f76b8c37a0f0">arm_compute::adjust_down</a></div><div class="ttdeci">int adjust_down(int required, int available, int step)</div><div class="ttdoc">Decrease required in steps of step until it&#39;s less than available. </div><div class="ttdef"><b>Definition:</b> <a href="_i_access_window_8h_source.xhtml#l00047">IAccessWindow.h:47</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="_tensor_shape_8h_xhtml"><div class="ttname"><a href="_tensor_shape_8h.xhtml">TensorShape.h</a></div></div> @@ -145,7 +145,7 @@ $(document).ready(function(){initNavTree('_i_access_window_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_access_window_8h.xhtml">IAccessWindow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_array_8h.xhtml b/documentation/_i_array_8h.xhtml index c26a4837f..124fc6107 100644 --- a/documentation/_i_array_8h.xhtml +++ b/documentation/_i_array_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_array_8h.xhtml">IArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_array_8h_source.xhtml b/documentation/_i_array_8h_source.xhtml index c96ece62e..303cbadec 100644 --- a/documentation/_i_array_8h_source.xhtml +++ b/documentation/_i_array_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_i_array_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_array_8h.xhtml">IArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_array_8h.xhtml b/documentation/_i_c_l_array_8h.xhtml index 883ed704d..0da26ab54 100644 --- a/documentation/_i_c_l_array_8h.xhtml +++ b/documentation/_i_c_l_array_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_array_8h.xhtml">ICLArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_array_8h_source.xhtml b/documentation/_i_c_l_array_8h_source.xhtml index 97bc6237b..2348ff7c7 100644 --- a/documentation/_i_c_l_array_8h_source.xhtml +++ b/documentation/_i_c_l_array_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_i_c_l_array_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_array_8h.xhtml">ICLArray.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_distribution1_d_8h.xhtml b/documentation/_i_c_l_distribution1_d_8h.xhtml index 9894b6427..057de3704 100644 --- a/documentation/_i_c_l_distribution1_d_8h.xhtml +++ b/documentation/_i_c_l_distribution1_d_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_distribution1_d_8h.xhtml">ICLDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_distribution1_d_8h_source.xhtml b/documentation/_i_c_l_distribution1_d_8h_source.xhtml index e667f8883..e74489c59 100644 --- a/documentation/_i_c_l_distribution1_d_8h_source.xhtml +++ b/documentation/_i_c_l_distribution1_d_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_i_c_l_distribution1_d_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_distribution1_d_8h.xhtml">ICLDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_kernel_8h.xhtml b/documentation/_i_c_l_kernel_8h.xhtml index 64cbdcb36..0f4fcf722 100644 --- a/documentation/_i_c_l_kernel_8h.xhtml +++ b/documentation/_i_c_l_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_kernel_8h_source.xhtml b/documentation/_i_c_l_kernel_8h_source.xhtml index 4763ef0e1..04e968ed5 100644 --- a/documentation/_i_c_l_kernel_8h_source.xhtml +++ b/documentation/_i_c_l_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ $(document).ready(function(){initNavTree('_i_c_l_kernel_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_kernel_8h.xhtml">ICLKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_lut_8h.xhtml b/documentation/_i_c_l_lut_8h.xhtml index 26f969cdb..f292d51a5 100644 --- a/documentation/_i_c_l_lut_8h.xhtml +++ b/documentation/_i_c_l_lut_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_lut_8h.xhtml">ICLLut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_lut_8h_source.xhtml b/documentation/_i_c_l_lut_8h_source.xhtml index 677f04baf..99f019c46 100644 --- a/documentation/_i_c_l_lut_8h_source.xhtml +++ b/documentation/_i_c_l_lut_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -127,7 +127,7 @@ $(document).ready(function(){initNavTree('_i_c_l_lut_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_lut_8h.xhtml">ICLLut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_multi_image_8h.xhtml b/documentation/_i_c_l_multi_image_8h.xhtml index 6b7389c4f..8d1540572 100644 --- a/documentation/_i_c_l_multi_image_8h.xhtml +++ b/documentation/_i_c_l_multi_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_multi_image_8h.xhtml">ICLMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_multi_image_8h_source.xhtml b/documentation/_i_c_l_multi_image_8h_source.xhtml index 1e49f6eeb..f9a2c46ab 100644 --- a/documentation/_i_c_l_multi_image_8h_source.xhtml +++ b/documentation/_i_c_l_multi_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_i_c_l_multi_image_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_multi_image_8h.xhtml">ICLMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple2_d_kernel_8h.xhtml b/documentation/_i_c_l_simple2_d_kernel_8h.xhtml index c2348d8dc..bb3f961a6 100644 --- a/documentation/_i_c_l_simple2_d_kernel_8h.xhtml +++ b/documentation/_i_c_l_simple2_d_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple2_d_kernel_8h_source.xhtml b/documentation/_i_c_l_simple2_d_kernel_8h_source.xhtml index 6ffbdd480..8aefc8b6a 100644 --- a/documentation/_i_c_l_simple2_d_kernel_8h_source.xhtml +++ b/documentation/_i_c_l_simple2_d_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_i_c_l_simple2_d_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple2_d_kernel_8h.xhtml">ICLSimple2DKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple3_d_kernel_8h.xhtml b/documentation/_i_c_l_simple3_d_kernel_8h.xhtml index b277e29e0..1c58926bb 100644 --- a/documentation/_i_c_l_simple3_d_kernel_8h.xhtml +++ b/documentation/_i_c_l_simple3_d_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple3_d_kernel_8h.xhtml">ICLSimple3DKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple3_d_kernel_8h_source.xhtml b/documentation/_i_c_l_simple3_d_kernel_8h_source.xhtml index 0c2e62dcb..e35fd283e 100644 --- a/documentation/_i_c_l_simple3_d_kernel_8h_source.xhtml +++ b/documentation/_i_c_l_simple3_d_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_i_c_l_simple3_d_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple3_d_kernel_8h.xhtml">ICLSimple3DKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple_function_8h.xhtml b/documentation/_i_c_l_simple_function_8h.xhtml index bbc4d3c75..f061ffe5e 100644 --- a/documentation/_i_c_l_simple_function_8h.xhtml +++ b/documentation/_i_c_l_simple_function_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple_function_8h_source.xhtml b/documentation/_i_c_l_simple_function_8h_source.xhtml index 99aab12f9..d063e44bc 100644 --- a/documentation/_i_c_l_simple_function_8h_source.xhtml +++ b/documentation/_i_c_l_simple_function_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_i_c_l_simple_function_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple_function_8h.xhtml">ICLSimpleFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple_kernel_8h.xhtml b/documentation/_i_c_l_simple_kernel_8h.xhtml index 21d6cf249..eedc605a0 100644 --- a/documentation/_i_c_l_simple_kernel_8h.xhtml +++ b/documentation/_i_c_l_simple_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple_kernel_8h.xhtml">ICLSimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_simple_kernel_8h_source.xhtml b/documentation/_i_c_l_simple_kernel_8h_source.xhtml index 35ecd031c..ed8b34f43 100644 --- a/documentation/_i_c_l_simple_kernel_8h_source.xhtml +++ b/documentation/_i_c_l_simple_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_i_c_l_simple_kernel_8h_source.xhtml', </div><!--header--> <div class="contents"> <a href="_i_c_l_simple_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ICLSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ICLSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_kernel_8h.xhtml">arm_compute/core/CL/ICLKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_c_l_tensor_8h.xhtml">arm_compute/core/CL/ICLTensor.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_helpers_8h.xhtml">arm_compute/core/Helpers.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">ICLSimpleKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">ICLSimpleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">ICLSimpleKernel</a>(<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">operator=</a>(<a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa">~ICLSimpleKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_elems_processed_per_iteration, <span class="keywordtype">bool</span> border_undefined = <span class="keyword">false</span>, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a> = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_input;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *_output;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> };</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> }</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ICLSIMPLEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_i_c_l_simple_kernel_xhtml_a8bc8fdf1a67fbaaa3270fd5eeecfc6cf"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf">arm_compute::ICLSimpleKernel::operator=</a></div><div class="ttdeci">ICLSimpleKernel & operator=(const ICLSimpleKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers). </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_kernel.xhtml">arm_compute::ICLKernel</a></div><div class="ttdoc">Common interface for all the OpenCL kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_kernel_8h_source.xhtml#l00036">ICLKernel.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_kernel_xhtml_a71b19222a7962c5b951b2ed9a752bd9f"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">arm_compute::ICLSimpleKernel::ICLSimpleKernel</a></div><div class="ttdeci">ICLSimpleKernel()</div><div class="ttdoc">Constructor. </div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_i_c_l_simple_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_simple_kernel_8h.xhtml">ICLSimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_tensor_8h.xhtml b/documentation/_i_c_l_tensor_8h.xhtml index 80f1cc342..558f286ab 100644 --- a/documentation/_i_c_l_tensor_8h.xhtml +++ b/documentation/_i_c_l_tensor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_tensor_8h.xhtml">ICLTensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_l_tensor_8h_source.xhtml b/documentation/_i_c_l_tensor_8h_source.xhtml index caa8115ce..ea4c0c062 100644 --- a/documentation/_i_c_l_tensor_8h_source.xhtml +++ b/documentation/_i_c_l_tensor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_i_c_l_tensor_8h_source.xhtml','');}); <div class="title">ICLTensor.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_i_c_l_tensor_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ICLTENSOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ICLTENSOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_8h.xhtml">arm_compute/core/ITensor.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>Buffer;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>CommandQueue;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> }</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_c_l_tensor.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>();</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="keyword">virtual</span> <span class="keyword">const</span> cl::Buffer &cl_buffer() <span class="keyword">const</span> = 0;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> map(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking = <span class="keyword">true</span>);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> unmap(cl::CommandQueue &q);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> clear(cl::CommandQueue &q);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  uint8_t *buffer() <span class="keyword">const override</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keyword">virtual</span> uint8_t *do_map(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking) = 0;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> do_unmap(cl::CommandQueue &q) = 0;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  uint8_t *_mapping;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> };</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> }</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ICLTENSOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacecl_xhtml"><div class="ttname"><a href="namespacecl.xhtml">cl</a></div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_distribution1_d_8h_source.xhtml#l00032">ICLDistribution1D.h:32</a></div></div> +<a href="_i_c_l_tensor_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ICLTENSOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ICLTENSOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_8h.xhtml">arm_compute/core/ITensor.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>Buffer;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>CommandQueue;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> }</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_c_l_tensor.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>();</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &operator=(<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="keyword">virtual</span> ~<a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">virtual</span> <span class="keyword">const</span> cl::Buffer &cl_buffer() <span class="keyword">const</span> = 0;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> map(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking = <span class="keyword">true</span>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">void</span> unmap(cl::CommandQueue &q);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">void</span> clear(cl::CommandQueue &q);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  uint8_t *buffer() <span class="keyword">const override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keyword">virtual</span> uint8_t *do_map(cl::CommandQueue &q, <span class="keywordtype">bool</span> blocking) = 0;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> do_unmap(cl::CommandQueue &q) = 0;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  uint8_t *_mapping;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLImage</a> = <a class="code" href="namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6">ICLTensor</a>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> }</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ICLTENSOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacecl_xhtml"><div class="ttname"><a href="namespacecl.xhtml">cl</a></div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_distribution1_d_8h_source.xhtml#l00032">ICLDistribution1D.h:32</a></div></div> <div class="ttc" id="_i_tensor_8h_xhtml"><div class="ttname"><a href="_i_tensor_8h.xhtml">ITensor.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_i_c_l_tensor_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_i_c_l_tensor_8h.xhtml">ICLTensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_p_p_kernel_8h.xhtml b/documentation/_i_c_p_p_kernel_8h.xhtml index 7785ae5e9..5ef30ff56 100644 --- a/documentation/_i_c_p_p_kernel_8h.xhtml +++ b/documentation/_i_c_p_p_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_i_c_p_p_kernel_8h.xhtml">ICPPKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_p_p_kernel_8h_source.xhtml b/documentation/_i_c_p_p_kernel_8h_source.xhtml index 4d2790287..e9d7a8ba7 100644 --- a/documentation/_i_c_p_p_kernel_8h_source.xhtml +++ b/documentation/_i_c_p_p_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_i_c_p_p_kernel_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_i_c_p_p_kernel_8h.xhtml">ICPPKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_p_p_simple_kernel_8h.xhtml b/documentation/_i_c_p_p_simple_kernel_8h.xhtml index b8c34f98f..15572e653 100644 --- a/documentation/_i_c_p_p_simple_kernel_8h.xhtml +++ b/documentation/_i_c_p_p_simple_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_i_c_p_p_simple_kernel_8h.xhtml">ICPPSimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_c_p_p_simple_kernel_8h_source.xhtml b/documentation/_i_c_p_p_simple_kernel_8h_source.xhtml index c7bc8638e..99b197d04 100644 --- a/documentation/_i_c_p_p_simple_kernel_8h_source.xhtml +++ b/documentation/_i_c_p_p_simple_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_i_c_p_p_simple_kernel_8h_source.xhtml <div class="title">ICPPSimpleKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_i_c_p_p_simple_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ICPPSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ICPPSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_p_p_kernel_8h.xhtml">arm_compute/core/CPP/ICPPKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>(<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8">~ICPPSimpleKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_elems_processed_per_iteration, <span class="keywordtype">bool</span> border_undefined = <span class="keyword">false</span>, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a> = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> };</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ICPPSIMPLEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_i_c_p_p_simple_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ICPPSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ICPPSIMPLEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_c_p_p_kernel_8h.xhtml">arm_compute/core/CPP/ICPPKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a>(<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8">~ICPPSimpleKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_elems_processed_per_iteration, <span class="keywordtype">bool</span> border_undefined = <span class="keyword">false</span>, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a> = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>());</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> };</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ICPPSIMPLEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_i_c_p_p_simple_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="_i_c_p_p_simple_kernel_8h.xhtml">ICPPSimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_distribution1_d_8h.xhtml b/documentation/_i_distribution1_d_8h.xhtml index 566c45016..0a4e9275f 100644 --- a/documentation/_i_distribution1_d_8h.xhtml +++ b/documentation/_i_distribution1_d_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_distribution1_d_8h.xhtml">IDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_distribution1_d_8h_source.xhtml b/documentation/_i_distribution1_d_8h_source.xhtml index caaa4e1f2..c327bbbe9 100644 --- a/documentation/_i_distribution1_d_8h_source.xhtml +++ b/documentation/_i_distribution1_d_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_i_distribution1_d_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_distribution1_d_8h.xhtml">IDistribution1D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_distribution_8h.xhtml b/documentation/_i_distribution_8h.xhtml index 06a7e59a3..da2fef399 100644 --- a/documentation/_i_distribution_8h.xhtml +++ b/documentation/_i_distribution_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_distribution_8h.xhtml">IDistribution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_distribution_8h_source.xhtml b/documentation/_i_distribution_8h_source.xhtml index 1a93580c4..4e3e9da52 100644 --- a/documentation/_i_distribution_8h_source.xhtml +++ b/documentation/_i_distribution_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_i_distribution_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_distribution_8h.xhtml">IDistribution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_function_8h.xhtml b/documentation/_i_function_8h.xhtml index b72fed43e..5efd4e7e4 100644 --- a/documentation/_i_function_8h.xhtml +++ b/documentation/_i_function_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_function_8h.xhtml">IFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_function_8h_source.xhtml b/documentation/_i_function_8h_source.xhtml index 8a6527c09..ff57e8d0f 100644 --- a/documentation/_i_function_8h_source.xhtml +++ b/documentation/_i_function_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,7 +126,7 @@ $(document).ready(function(){initNavTree('_i_function_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_function_8h.xhtml">IFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_h_o_g_8h.xhtml b/documentation/_i_h_o_g_8h.xhtml index 4ded91330..830a960c8 100644 --- a/documentation/_i_h_o_g_8h.xhtml +++ b/documentation/_i_h_o_g_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_h_o_g_8h.xhtml">IHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_h_o_g_8h_source.xhtml b/documentation/_i_h_o_g_8h_source.xhtml index 4fc7b0a20..30a3065da 100644 --- a/documentation/_i_h_o_g_8h_source.xhtml +++ b/documentation/_i_h_o_g_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_i_h_o_g_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_h_o_g_8h.xhtml">IHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_kernel_8h.xhtml b/documentation/_i_kernel_8h.xhtml index 847f316d8..ae7fb4798 100644 --- a/documentation/_i_kernel_8h.xhtml +++ b/documentation/_i_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_kernel_8h.xhtml">IKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_kernel_8h_source.xhtml b/documentation/_i_kernel_8h_source.xhtml index 8213ef5dd..449854905 100644 --- a/documentation/_i_kernel_8h_source.xhtml +++ b/documentation/_i_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_i_kernel_8h_source.xhtml','');}); <div class="contents"> <a href="_i_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_IKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_IKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_window_8h.xhtml">arm_compute/core/Window.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_kernel.xhtml"> 33</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_kernel.xhtml">IKernel</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507">IKernel</a>();</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a341b60d15a5e12a5b8f3825194dd3b12">~IKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keyword">virtual</span> <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a">is_parallelisable</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keyword">virtual</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> _window;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_IKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml">arm_compute::IKernel</a></div><div class="ttdoc">Common information for all the kernels. </div><div class="ttdef"><b>Definition:</b> <a href="_i_kernel_8h_source.xhtml#l00033">IKernel.h:33</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a7250cb8cbaa4104a93a2d77155085507"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507">arm_compute::IKernel::IKernel</a></div><div class="ttdeci">IKernel()</div><div class="ttdoc">Constructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_window_8h_xhtml"><div class="ttname"><a href="_window_8h.xhtml">Window.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a341b60d15a5e12a5b8f3825194dd3b12"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a341b60d15a5e12a5b8f3825194dd3b12">arm_compute::IKernel::~IKernel</a></div><div class="ttdeci">virtual ~IKernel()=default</div><div class="ttdoc">Destructor. </div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_i_kernel_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_kernel_8h.xhtml">IKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_lut_8h.xhtml b/documentation/_i_lut_8h.xhtml index 6c75d32bd..cdb882fee 100644 --- a/documentation/_i_lut_8h.xhtml +++ b/documentation/_i_lut_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_lut_8h.xhtml">ILut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_lut_8h_source.xhtml b/documentation/_i_lut_8h_source.xhtml index a979ddd39..ce0cfdd81 100644 --- a/documentation/_i_lut_8h_source.xhtml +++ b/documentation/_i_lut_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,14 +126,14 @@ $(document).ready(function(){initNavTree('_i_lut_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_i_lut_xhtml_a786de36dda3773c5fb35d6700e64621e"><div class="ttname"><a href="classarm__compute_1_1_i_lut.xhtml#a786de36dda3773c5fb35d6700e64621e">arm_compute::ILut::index_offset</a></div><div class="ttdeci">virtual uint32_t index_offset() const =0</div><div class="ttdoc">Indicates the offset that needs to be applied to the raw index before performing a lookup in the LUT...</div></div> <div class="ttc" id="classarm__compute_1_1_i_lut_xhtml_aa1917b40b57ce0a0f1c69722b46f3f46"><div class="ttname"><a href="classarm__compute_1_1_i_lut.xhtml#aa1917b40b57ce0a0f1c69722b46f3f46">arm_compute::ILut::type</a></div><div class="ttdeci">virtual DataType type() const =0</div><div class="ttdoc">Returns the type of the LUT. </div></div> <div class="ttc" id="classarm__compute_1_1_i_lut_xhtml_ab988210662dbd3bf32fd563c7dd1bdbf"><div class="ttname"><a href="classarm__compute_1_1_i_lut.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">arm_compute::ILut::buffer</a></div><div class="ttdeci">virtual uint8_t * buffer() const =0</div><div class="ttdoc">Returns a pointer to the start of the LUT. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_lut_8h.xhtml">ILut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_lut_allocator_8h.xhtml b/documentation/_i_lut_allocator_8h.xhtml index 10d6a5727..60dbbca45 100644 --- a/documentation/_i_lut_allocator_8h.xhtml +++ b/documentation/_i_lut_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_lut_allocator_8h.xhtml">ILutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_lut_allocator_8h_source.xhtml b/documentation/_i_lut_allocator_8h_source.xhtml index 5a241c0cf..1b74e28c1 100644 --- a/documentation/_i_lut_allocator_8h_source.xhtml +++ b/documentation/_i_lut_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,14 +126,14 @@ $(document).ready(function(){initNavTree('_i_lut_allocator_8h_source.xhtml',''); <div class="ttc" id="classarm__compute_1_1_i_lut_allocator_xhtml_afc1c53ed4dcc1a723b9b9dcf67c578a1"><div class="ttname"><a href="classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1">arm_compute::ILutAllocator::operator=</a></div><div class="ttdeci">ILutAllocator & operator=(ILutAllocator &&)=default</div><div class="ttdoc">Allow instances of this class to be moved. </div></div> <div class="ttc" id="classarm__compute_1_1_i_lut_allocator_xhtml_a8522d89f5f58b6c744e230b6b0641a4b"><div class="ttname"><a href="classarm__compute_1_1_i_lut_allocator.xhtml#a8522d89f5f58b6c744e230b6b0641a4b">arm_compute::ILutAllocator::type</a></div><div class="ttdeci">DataType type() const </div><div class="ttdoc">Returns the type of the LUT. </div></div> <div class="ttc" id="classarm__compute_1_1_i_lut_allocator_xhtml_acb80847d132eba25605f9fc43a42f652"><div class="ttname"><a href="classarm__compute_1_1_i_lut_allocator.xhtml#acb80847d132eba25605f9fc43a42f652">arm_compute::ILutAllocator::ILutAllocator</a></div><div class="ttdeci">ILutAllocator()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_lut_allocator_8h.xhtml">ILutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_multi_h_o_g_8h.xhtml b/documentation/_i_multi_h_o_g_8h.xhtml index a6bbfc3dd..f1b533a52 100644 --- a/documentation/_i_multi_h_o_g_8h.xhtml +++ b/documentation/_i_multi_h_o_g_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_multi_h_o_g_8h.xhtml">IMultiHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_multi_h_o_g_8h_source.xhtml b/documentation/_i_multi_h_o_g_8h_source.xhtml index 582a3c5d2..c6a0b2447 100644 --- a/documentation/_i_multi_h_o_g_8h_source.xhtml +++ b/documentation/_i_multi_h_o_g_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_i_multi_h_o_g_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_multi_h_o_g_8h.xhtml">IMultiHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_multi_image_8h.xhtml b/documentation/_i_multi_image_8h.xhtml index 2d28bdbdc..e462f9dbd 100644 --- a/documentation/_i_multi_image_8h.xhtml +++ b/documentation/_i_multi_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_multi_image_8h.xhtml">IMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_multi_image_8h_source.xhtml b/documentation/_i_multi_image_8h_source.xhtml index cb4867d11..a3e044709 100644 --- a/documentation/_i_multi_image_8h_source.xhtml +++ b/documentation/_i_multi_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_i_multi_image_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_multi_image_8h.xhtml">IMultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_kernel_8h.xhtml b/documentation/_i_n_e_kernel_8h.xhtml index 5e88e5a5a..ecb8dd2cc 100644 --- a/documentation/_i_n_e_kernel_8h.xhtml +++ b/documentation/_i_n_e_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_kernel_8h_source.xhtml b/documentation/_i_n_e_kernel_8h_source.xhtml index 9294ad099..ee13d85a2 100644 --- a/documentation/_i_n_e_kernel_8h_source.xhtml +++ b/documentation/_i_n_e_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,7 +125,7 @@ $(document).ready(function(){initNavTree('_i_n_e_kernel_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_simple_function_8h.xhtml b/documentation/_i_n_e_simple_function_8h.xhtml index 134a71898..b5daf5593 100644 --- a/documentation/_i_n_e_simple_function_8h.xhtml +++ b/documentation/_i_n_e_simple_function_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_simple_function_8h_source.xhtml b/documentation/_i_n_e_simple_function_8h_source.xhtml index 72645841e..0abd16ebe 100644 --- a/documentation/_i_n_e_simple_function_8h_source.xhtml +++ b/documentation/_i_n_e_simple_function_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_i_n_e_simple_function_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_simple_kernel_8h.xhtml b/documentation/_i_n_e_simple_kernel_8h.xhtml index 4aee65b8b..0a0bf8795 100644 --- a/documentation/_i_n_e_simple_kernel_8h.xhtml +++ b/documentation/_i_n_e_simple_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_n_e_simple_kernel_8h_source.xhtml b/documentation/_i_n_e_simple_kernel_8h_source.xhtml index 20499b719..06664fada 100644 --- a/documentation/_i_n_e_simple_kernel_8h_source.xhtml +++ b/documentation/_i_n_e_simple_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,7 +125,7 @@ $(document).ready(function(){initNavTree('_i_n_e_simple_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_pyramid_8h.xhtml b/documentation/_i_pyramid_8h.xhtml index 85a028928..516d1729f 100644 --- a/documentation/_i_pyramid_8h.xhtml +++ b/documentation/_i_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_pyramid_8h.xhtml">IPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_pyramid_8h_source.xhtml b/documentation/_i_pyramid_8h_source.xhtml index 0e2d4bddf..1b41eaa46 100644 --- a/documentation/_i_pyramid_8h_source.xhtml +++ b/documentation/_i_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_i_pyramid_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_pyramid_8h.xhtml">IPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_tensor_8h.xhtml b/documentation/_i_tensor_8h.xhtml index dac309bc2..2c1d7f84b 100644 --- a/documentation/_i_tensor_8h.xhtml +++ b/documentation/_i_tensor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_tensor_8h.xhtml">ITensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_tensor_8h_source.xhtml b/documentation/_i_tensor_8h_source.xhtml index 62ade9020..242063197 100644 --- a/documentation/_i_tensor_8h_source.xhtml +++ b/documentation/_i_tensor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,7 +123,7 @@ $(document).ready(function(){initNavTree('_i_tensor_8h_source.xhtml','');}); <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a8df2a8ec8fcd4258450270f15651b6c9"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">arm_compute::ITensor::info</a></div><div class="ttdeci">virtual TensorInfo * info() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a48c7a05cc63f541d732250e39339cee2"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a48c7a05cc63f541d732250e39339cee2">arm_compute::ITensor::ptr_to_element</a></div><div class="ttdeci">uint8_t * ptr_to_element(const Coordinates &id) const </div><div class="ttdoc">Return a pointer to the element at the passed coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00063">ITensor.h:63</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml">arm_compute::IOFormatInfo</a></div><div class="ttdoc">IO formatting information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00534">Types.h:534</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml">arm_compute::IOFormatInfo</a></div><div class="ttdoc">IO formatting information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00547">Types.h:547</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_ab988210662dbd3bf32fd563c7dd1bdbf"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">arm_compute::ITensor::buffer</a></div><div class="ttdeci">virtual uint8_t * buffer() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return a pointer to CPU memory. ...</div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a4a774ad8d5f4837f3d7de1876d367c5b"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a4a774ad8d5f4837f3d7de1876d367c5b">arm_compute::ITensor::copy_from</a></div><div class="ttdeci">void copy_from(const ITensor &src)</div><div class="ttdoc">Copy the content of another tensor. </div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_i_tensor_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_i_tensor_8h.xhtml">ITensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_tensor_allocator_8h.xhtml b/documentation/_i_tensor_allocator_8h.xhtml index d6f14fa0a..bd4d0aa51 100644 --- a/documentation/_i_tensor_allocator_8h.xhtml +++ b/documentation/_i_tensor_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_tensor_allocator_8h.xhtml">ITensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_i_tensor_allocator_8h_source.xhtml b/documentation/_i_tensor_allocator_8h_source.xhtml index b8ad22c61..1adb5e002 100644 --- a/documentation/_i_tensor_allocator_8h_source.xhtml +++ b/documentation/_i_tensor_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,12 +116,13 @@ $(document).ready(function(){initNavTree('_i_tensor_allocator_8h_source.xhtml',' <div class="title">ITensorAllocator.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_i_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ITENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ITENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_tensor_info_8h.xhtml">arm_compute/core/TensorInfo.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_tensor_allocator.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>(<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">operator=</a>(<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99">~ITensorAllocator</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &input);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231">info</a>();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231">info</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>() = 0;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keyword">virtual</span> uint8_t *lock() = 0;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> unlock() = 0;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> _info; </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> };</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> }</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ITENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> +<a href="_i_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_ITENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_ITENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_tensor_info_8h.xhtml">arm_compute/core/TensorInfo.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_tensor_allocator.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a>(<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">operator=</a>(<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99">~ITensorAllocator</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &input);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231">info</a>();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231">info</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>() = 0;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">free</a>() = 0;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">virtual</span> uint8_t *lock() = 0;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> unlock() = 0;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> _info; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> };</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> }</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_ITENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_af97d553d2aa86688c92db8ed9a67cf0e"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">arm_compute::ITensorAllocator::ITensorAllocator</a></div><div class="ttdeci">ITensorAllocator()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_a2b12680d0e794d5e81f489df22b38231"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231">arm_compute::ITensorAllocator::info</a></div><div class="ttdeci">TensorInfo & info()</div><div class="ttdoc">Return a reference to the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_a12e5f2915e2461321b130dcf84f3e268"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">arm_compute::ITensorAllocator::operator=</a></div><div class="ttdeci">ITensorAllocator & operator=(const ITensorAllocator &)=default</div><div class="ttdoc">Allow instances of this class to be copied. </div></div> <div class="ttc" id="_tensor_info_8h_xhtml"><div class="ttname"><a href="_tensor_info_8h.xhtml">TensorInfo.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> +<div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_a1781eecaabd2bc97d074437d01b2c683"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">arm_compute::ITensorAllocator::free</a></div><div class="ttdeci">virtual void free()=0</div><div class="ttdoc">Interface to be implemented by the child class to free the allocated tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_a8378fc6c887231765b885f8033c7bb99"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99">arm_compute::ITensorAllocator::~ITensorAllocator</a></div><div class="ttdeci">virtual ~ITensorAllocator()=default</div><div class="ttdoc">Default virtual destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> @@ -133,7 +134,7 @@ $(document).ready(function(){initNavTree('_i_tensor_allocator_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_i_tensor_allocator_8h.xhtml">ITensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_lut_8h.xhtml b/documentation/_lut_8h.xhtml index 86a16373f..dbc1d5d3b 100644 --- a/documentation/_lut_8h.xhtml +++ b/documentation/_lut_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_lut_8h.xhtml">Lut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_lut_8h_source.xhtml b/documentation/_lut_8h_source.xhtml index 7f2c9089f..52dc013f3 100644 --- a/documentation/_lut_8h_source.xhtml +++ b/documentation/_lut_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_lut_8h_source.xhtml','');}); <div class="ttc" id="_i_lut_8h_xhtml"><div class="ttname"><a href="_i_lut_8h.xhtml">ILut.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_lut_xhtml_a6dac829b4ddf4a5729ac090e73696958"><div class="ttname"><a href="classarm__compute_1_1_lut.xhtml#a6dac829b4ddf4a5729ac090e73696958">arm_compute::Lut::num_elements</a></div><div class="ttdeci">size_t num_elements() const override</div><div class="ttdoc">Returns the total number of elements in the LUT. </div></div> <div class="ttc" id="classarm__compute_1_1_lut_xhtml_ace7b855e3c647d29cc37a1ce147901dc"><div class="ttname"><a href="classarm__compute_1_1_lut.xhtml#ace7b855e3c647d29cc37a1ce147901dc">arm_compute::Lut::buffer</a></div><div class="ttdeci">uint8_t * buffer() const override</div><div class="ttdoc">Returns a pointer to the start of the LUT. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="classarm__compute_1_1_lut_xhtml_aee7cb2065b88d21ac4ad05bc997ecf82"><div class="ttname"><a href="classarm__compute_1_1_lut.xhtml#aee7cb2065b88d21ac4ad05bc997ecf82">arm_compute::Lut::clear</a></div><div class="ttdeci">void clear() override</div><div class="ttdoc">Clears the LUT by setting every element to zero. </div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_lut_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_lut_8h.xhtml">Lut.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_lut_allocator_8h.xhtml b/documentation/_lut_allocator_8h.xhtml index 2b782e317..f9b737a23 100644 --- a/documentation/_lut_allocator_8h.xhtml +++ b/documentation/_lut_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_lut_allocator_8h.xhtml">LutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_lut_allocator_8h_source.xhtml b/documentation/_lut_allocator_8h_source.xhtml index abdbd46d7..2f512759e 100644 --- a/documentation/_lut_allocator_8h_source.xhtml +++ b/documentation/_lut_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_lut_allocator_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_lut_allocator_8h.xhtml">LutAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_h_o_g_8h.xhtml b/documentation/_multi_h_o_g_8h.xhtml index 7bfdb6561..3d93c58dc 100644 --- a/documentation/_multi_h_o_g_8h.xhtml +++ b/documentation/_multi_h_o_g_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_multi_h_o_g_8h.xhtml">MultiHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_h_o_g_8h_source.xhtml b/documentation/_multi_h_o_g_8h_source.xhtml index 840bb07ba..f88703ec9 100644 --- a/documentation/_multi_h_o_g_8h_source.xhtml +++ b/documentation/_multi_h_o_g_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_multi_h_o_g_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_multi_h_o_g_8h.xhtml">MultiHOG.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_image_8h.xhtml b/documentation/_multi_image_8h.xhtml index b7b16ed08..1aeebddad 100644 --- a/documentation/_multi_image_8h.xhtml +++ b/documentation/_multi_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_multi_image_8h.xhtml">MultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_image_8h_source.xhtml b/documentation/_multi_image_8h_source.xhtml index 92c8e9b73..14ba4bcf8 100644 --- a/documentation/_multi_image_8h_source.xhtml +++ b/documentation/_multi_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,7 +126,7 @@ $(document).ready(function(){initNavTree('_multi_image_8h_source.xhtml','');}); <div class="ttc" id="_multi_image_info_8h_xhtml"><div class="ttname"><a href="_multi_image_info_8h.xhtml">MultiImageInfo.h</a></div></div> <div class="ttc" id="_tensor_8h_xhtml"><div class="ttname"><a href="_tensor_8h.xhtml">Tensor.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_multi_image_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_multi_image.xhtml">arm_compute::IMultiImage</a></div><div class="ttdoc">Interface for multi-planar images. </div><div class="ttdef"><b>Definition:</b> <a href="_i_multi_image_8h_source.xhtml#l00034">IMultiImage.h:34</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_multi_image_xhtml_abd476c5b253ba7cfff71fc2f782d2688"><div class="ttname"><a href="classarm__compute_1_1_multi_image.xhtml#abd476c5b253ba7cfff71fc2f782d2688">arm_compute::MultiImage::create_subimage</a></div><div class="ttdeci">void create_subimage(MultiImage *image, const Coordinates &coords, unsigned int width, unsigned int height)</div><div class="ttdoc">Create a subimage from an existing MultiImage. </div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml">arm_compute::Tensor</a></div><div class="ttdoc">Basic implementation of the tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_8h_source.xhtml#l00037">Tensor.h:37</a></div></div> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_multi_image_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_multi_image_8h.xhtml">MultiImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_image_info_8h.xhtml b/documentation/_multi_image_info_8h.xhtml index 1799b010c..04cf5f4d8 100644 --- a/documentation/_multi_image_info_8h.xhtml +++ b/documentation/_multi_image_info_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_multi_image_info_8h.xhtml">MultiImageInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_multi_image_info_8h_source.xhtml b/documentation/_multi_image_info_8h_source.xhtml index 0e3a1cf62..55338cbf2 100644 --- a/documentation/_multi_image_info_8h_source.xhtml +++ b/documentation/_multi_image_info_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,7 +121,7 @@ $(document).ready(function(){initNavTree('_multi_image_info_8h_source.xhtml','') <div class="ttc" id="classarm__compute_1_1_multi_image_info_xhtml_a7453bdfcb39e068357022f0861e59637"><div class="ttname"><a href="classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637">arm_compute::MultiImageInfo::init</a></div><div class="ttdeci">void init(unsigned int width, unsigned int height, Format format)</div><div class="ttdoc">Initialize the metadata structure with the given parameters. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_multi_image_info_xhtml_a7b736ec9a05be5c498760d35a0406ed3"><div class="ttname"><a href="classarm__compute_1_1_multi_image_info.xhtml#a7b736ec9a05be5c498760d35a0406ed3">arm_compute::MultiImageInfo::width</a></div><div class="ttdeci">unsigned int width() const </div><div class="ttdoc">Width in pixels. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_multi_image_info_xhtml_a0c875a3203d902e2ad6bc3045355e69e"><div class="ttname"><a href="classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">arm_compute::MultiImageInfo::format</a></div><div class="ttdeci">Format format() const </div><div class="ttdoc">Colour format of the image. </div></div> <div class="ttc" id="classarm__compute_1_1_multi_image_info_xhtml_aa420a28166e708e3f8b9ecc8e527fc09"><div class="ttname"><a href="classarm__compute_1_1_multi_image_info.xhtml#aa420a28166e708e3f8b9ecc8e527fc09">arm_compute::MultiImageInfo::height</a></div><div class="ttdeci">unsigned int height() const </div><div class="ttdoc">Height in pixels. </div></div> <div class="ttc" id="classarm__compute_1_1_multi_image_info_xhtml_a335d0038f37278ee9adc798b2efa7775"><div class="ttname"><a href="classarm__compute_1_1_multi_image_info.xhtml#a335d0038f37278ee9adc798b2efa7775">arm_compute::MultiImageInfo::MultiImageInfo</a></div><div class="ttdeci">MultiImageInfo()</div><div class="ttdoc">Constructor. </div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_multi_image_info_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_multi_image_info_8h.xhtml">MultiImageInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_absolute_difference_8h.xhtml b/documentation/_n_e_absolute_difference_8h.xhtml index 004e55d52..777503767 100644 --- a/documentation/_n_e_absolute_difference_8h.xhtml +++ b/documentation/_n_e_absolute_difference_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_absolute_difference_8h.xhtml">NEAbsoluteDifference.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_absolute_difference_8h_source.xhtml b/documentation/_n_e_absolute_difference_8h_source.xhtml index 6128c243c..bf1a1a4df 100644 --- a/documentation/_n_e_absolute_difference_8h_source.xhtml +++ b/documentation/_n_e_absolute_difference_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_absolute_difference_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_absolute_difference_8h.xhtml">NEAbsoluteDifference.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_absolute_difference_kernel_8h.xhtml b/documentation/_n_e_absolute_difference_kernel_8h.xhtml index f97187f57..5596cd0d5 100644 --- a/documentation/_n_e_absolute_difference_kernel_8h.xhtml +++ b/documentation/_n_e_absolute_difference_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_absolute_difference_kernel_8h.xhtml">NEAbsoluteDifferenceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_absolute_difference_kernel_8h_source.xhtml b/documentation/_n_e_absolute_difference_kernel_8h_source.xhtml index 82c1f8a71..f3f6f3b67 100644 --- a/documentation/_n_e_absolute_difference_kernel_8h_source.xhtml +++ b/documentation/_n_e_absolute_difference_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_absolute_difference_kernel_8h_sou <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_absolute_difference_kernel_8h.xhtml">NEAbsoluteDifferenceKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_accumulate_8h.xhtml b/documentation/_n_e_accumulate_8h.xhtml index 806c9740b..c083cfc26 100644 --- a/documentation/_n_e_accumulate_8h.xhtml +++ b/documentation/_n_e_accumulate_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_accumulate_8h.xhtml">NEAccumulate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_accumulate_8h_source.xhtml b/documentation/_n_e_accumulate_8h_source.xhtml index 36d0a0540..4d3919b64 100644 --- a/documentation/_n_e_accumulate_8h_source.xhtml +++ b/documentation/_n_e_accumulate_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_accumulate_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_accumulate_8h.xhtml">NEAccumulate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_accumulate_kernel_8h.xhtml b/documentation/_n_e_accumulate_kernel_8h.xhtml index baa9bf667..6d81c8796 100644 --- a/documentation/_n_e_accumulate_kernel_8h.xhtml +++ b/documentation/_n_e_accumulate_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_accumulate_kernel_8h.xhtml">NEAccumulateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_accumulate_kernel_8h_source.xhtml b/documentation/_n_e_accumulate_kernel_8h_source.xhtml index 8e1ca7c5e..fde6fae3d 100644 --- a/documentation/_n_e_accumulate_kernel_8h_source.xhtml +++ b/documentation/_n_e_accumulate_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_accumulate_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_accumulate_kernel_8h.xhtml">NEAccumulateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_activation_layer_8h.xhtml b/documentation/_n_e_activation_layer_8h.xhtml index 00b2f1040..90fc53d0b 100644 --- a/documentation/_n_e_activation_layer_8h.xhtml +++ b/documentation/_n_e_activation_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_activation_layer_8h.xhtml">NEActivationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_activation_layer_8h_source.xhtml b/documentation/_n_e_activation_layer_8h_source.xhtml index 073bf4365..18c49938b 100644 --- a/documentation/_n_e_activation_layer_8h_source.xhtml +++ b/documentation/_n_e_activation_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_activation_layer_8h_source.xhtml' <div class="contents"> <a href="_n_e_activation_layer_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEACTIVATIONLAYER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEACTIVATIONLAYER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_activation_layer.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_activation_layer.xhtml">NEActivationLayer</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a> activation_info);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> };</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> }</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEACTIVATIONLAYER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00434">Types.h:434</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00447">Types.h:447</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_activation_layer_xhtml_acc4810b936660981e14b1334c26ad8da"><div class="ttname"><a href="classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da">arm_compute::NEActivationLayer::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, ActivationLayerInfo activation_info)</div><div class="ttdoc">Set the input and output tensor. </div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_activation_layer_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_activation_layer_8h.xhtml">NEActivationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_activation_layer_kernel_8h.xhtml b/documentation/_n_e_activation_layer_kernel_8h.xhtml index cba6e9ce9..72581f09f 100644 --- a/documentation/_n_e_activation_layer_kernel_8h.xhtml +++ b/documentation/_n_e_activation_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_activation_layer_kernel_8h.xhtml">NEActivationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_activation_layer_kernel_8h_source.xhtml b/documentation/_n_e_activation_layer_kernel_8h_source.xhtml index ed18f498a..fef5a2f18 100644 --- a/documentation/_n_e_activation_layer_kernel_8h_source.xhtml +++ b/documentation/_n_e_activation_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,11 +121,11 @@ $(document).ready(function(){initNavTree('_n_e_activation_layer_kernel_8h_source <div class="ttc" id="classarm__compute_1_1_n_e_activation_layer_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">arm_compute::NEActivationLayerKernel</a></div><div class="ttdoc">Interface for the activation layer kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_activation_layer_kernel_8h_source.xhtml#l00034">NEActivationLayerKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_activation_layer_kernel_xhtml_acc4810b936660981e14b1334c26ad8da"><div class="ttname"><a href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da">arm_compute::NEActivationLayerKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, ActivationLayerInfo activation_info)</div><div class="ttdoc">Set the input and output tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00434">Types.h:434</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00447">Types.h:447</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_activation_layer_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEActivationLayerKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00438">Types.h:438</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00451">Types.h:451</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_activation_layer_kernel_xhtml_af5c940969e40e1ae12411bb025a117f2"><div class="ttname"><a href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#af5c940969e40e1ae12411bb025a117f2">arm_compute::NEActivationLayerKernel::NEActivationLayerKernel</a></div><div class="ttdeci">NEActivationLayerKernel()</div><div class="ttdoc">Constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_activation_layer_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_activation_layer_kernel_8h.xhtml">NEActivationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_addition_8h.xhtml b/documentation/_n_e_arithmetic_addition_8h.xhtml index 6b2c116a2..8a57115f1 100644 --- a/documentation/_n_e_arithmetic_addition_8h.xhtml +++ b/documentation/_n_e_arithmetic_addition_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_addition_8h.xhtml">NEArithmeticAddition.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_addition_8h_source.xhtml b/documentation/_n_e_arithmetic_addition_8h_source.xhtml index 87bfc27a9..c041b93fa 100644 --- a/documentation/_n_e_arithmetic_addition_8h_source.xhtml +++ b/documentation/_n_e_arithmetic_addition_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,14 +123,14 @@ $(document).ready(function(){initNavTree('_n_e_arithmetic_addition_8h_source.xht <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_arithmetic_addition_xhtml_ae549ed675eab6d763ac6ffd18d226c27"><div class="ttname"><a href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27">arm_compute::NEArithmeticAddition::configure</a></div><div class="ttdeci">void configure(const ITensor *input1, const ITensor *input2, ITensor *output, ConvertPolicy policy)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output and convertion policy. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_addition_8h.xhtml">NEArithmeticAddition.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_addition_kernel_8h.xhtml b/documentation/_n_e_arithmetic_addition_kernel_8h.xhtml index 72855ed88..5106fc24c 100644 --- a/documentation/_n_e_arithmetic_addition_kernel_8h.xhtml +++ b/documentation/_n_e_arithmetic_addition_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_addition_kernel_8h.xhtml">NEArithmeticAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_addition_kernel_8h_source.xhtml b/documentation/_n_e_arithmetic_addition_kernel_8h_source.xhtml index 62acac077..bfc2cada4 100644 --- a/documentation/_n_e_arithmetic_addition_kernel_8h_source.xhtml +++ b/documentation/_n_e_arithmetic_addition_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,14 +129,14 @@ $(document).ready(function(){initNavTree('_n_e_arithmetic_addition_kernel_8h_sou <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_addition_kernel_8h.xhtml">NEArithmeticAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_subtraction_8h.xhtml b/documentation/_n_e_arithmetic_subtraction_8h.xhtml index 5715fac6a..e4ff01f3d 100644 --- a/documentation/_n_e_arithmetic_subtraction_8h.xhtml +++ b/documentation/_n_e_arithmetic_subtraction_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_subtraction_8h.xhtml">NEArithmeticSubtraction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_subtraction_8h_source.xhtml b/documentation/_n_e_arithmetic_subtraction_8h_source.xhtml index 0fe9a69d6..f041a5b1e 100644 --- a/documentation/_n_e_arithmetic_subtraction_8h_source.xhtml +++ b/documentation/_n_e_arithmetic_subtraction_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,14 +123,14 @@ $(document).ready(function(){initNavTree('_n_e_arithmetic_subtraction_8h_source. <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_arithmetic_subtraction_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml">arm_compute::NEArithmeticSubtraction</a></div><div class="ttdoc">Basic function to run NEArithmeticSubtractionKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_arithmetic_subtraction_8h_source.xhtml#l00035">NEArithmeticSubtraction.h:35</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_subtraction_8h.xhtml">NEArithmeticSubtraction.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_subtraction_kernel_8h.xhtml b/documentation/_n_e_arithmetic_subtraction_kernel_8h.xhtml index 748379c76..029628d3c 100644 --- a/documentation/_n_e_arithmetic_subtraction_kernel_8h.xhtml +++ b/documentation/_n_e_arithmetic_subtraction_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_subtraction_kernel_8h.xhtml">NEArithmeticSubtractionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_arithmetic_subtraction_kernel_8h_source.xhtml b/documentation/_n_e_arithmetic_subtraction_kernel_8h_source.xhtml index c4680fb63..873ae0d20 100644 --- a/documentation/_n_e_arithmetic_subtraction_kernel_8h_source.xhtml +++ b/documentation/_n_e_arithmetic_subtraction_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_arithmetic_subtraction_kernel_8h_ <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel_xhtml_abaf3795e8b23cb20a57d6fbc2250b4f2"><div class="ttname"><a href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2">arm_compute::NEArithmeticSubtractionKernel::operator=</a></div><div class="ttdeci">NEArithmeticSubtractionKernel & operator=(const NEArithmeticSubtractionKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_arithmetic_subtraction_kernel_8h_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_arithmetic_subtraction_kernel_8h.xhtml">NEArithmeticSubtractionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_and_8h.xhtml b/documentation/_n_e_bitwise_and_8h.xhtml index 97ea3c6b2..58b238c53 100644 --- a/documentation/_n_e_bitwise_and_8h.xhtml +++ b/documentation/_n_e_bitwise_and_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_and_8h.xhtml">NEBitwiseAnd.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_and_8h_source.xhtml b/documentation/_n_e_bitwise_and_8h_source.xhtml index b58e675d3..1a2807ed6 100644 --- a/documentation/_n_e_bitwise_and_8h_source.xhtml +++ b/documentation/_n_e_bitwise_and_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_and_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_and_8h.xhtml">NEBitwiseAnd.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_and_kernel_8h.xhtml b/documentation/_n_e_bitwise_and_kernel_8h.xhtml index 4ad219e04..5ad928023 100644 --- a/documentation/_n_e_bitwise_and_kernel_8h.xhtml +++ b/documentation/_n_e_bitwise_and_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_and_kernel_8h.xhtml">NEBitwiseAndKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_and_kernel_8h_source.xhtml b/documentation/_n_e_bitwise_and_kernel_8h_source.xhtml index 668854ad4..26d158a13 100644 --- a/documentation/_n_e_bitwise_and_kernel_8h_source.xhtml +++ b/documentation/_n_e_bitwise_and_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_and_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_and_kernel_8h.xhtml">NEBitwiseAndKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_not_8h.xhtml b/documentation/_n_e_bitwise_not_8h.xhtml index 86c1a1758..f309c22e6 100644 --- a/documentation/_n_e_bitwise_not_8h.xhtml +++ b/documentation/_n_e_bitwise_not_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_not_8h.xhtml">NEBitwiseNot.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_not_8h_source.xhtml b/documentation/_n_e_bitwise_not_8h_source.xhtml index fb12eb716..43b757722 100644 --- a/documentation/_n_e_bitwise_not_8h_source.xhtml +++ b/documentation/_n_e_bitwise_not_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_not_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_not_8h.xhtml">NEBitwiseNot.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_not_kernel_8h.xhtml b/documentation/_n_e_bitwise_not_kernel_8h.xhtml index d442c009c..8c64e4d17 100644 --- a/documentation/_n_e_bitwise_not_kernel_8h.xhtml +++ b/documentation/_n_e_bitwise_not_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_not_kernel_8h.xhtml">NEBitwiseNotKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_not_kernel_8h_source.xhtml b/documentation/_n_e_bitwise_not_kernel_8h_source.xhtml index d707dfe04..3db1ba462 100644 --- a/documentation/_n_e_bitwise_not_kernel_8h_source.xhtml +++ b/documentation/_n_e_bitwise_not_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_not_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_not_kernel_8h.xhtml">NEBitwiseNotKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_or_8h.xhtml b/documentation/_n_e_bitwise_or_8h.xhtml index fd9b3ec7e..b50fa1181 100644 --- a/documentation/_n_e_bitwise_or_8h.xhtml +++ b/documentation/_n_e_bitwise_or_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_or_8h.xhtml">NEBitwiseOr.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_or_8h_source.xhtml b/documentation/_n_e_bitwise_or_8h_source.xhtml index c0f7e52c2..b4fe031f1 100644 --- a/documentation/_n_e_bitwise_or_8h_source.xhtml +++ b/documentation/_n_e_bitwise_or_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_or_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_or_8h.xhtml">NEBitwiseOr.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_or_kernel_8h.xhtml b/documentation/_n_e_bitwise_or_kernel_8h.xhtml index d2cf95dcc..d66ebe439 100644 --- a/documentation/_n_e_bitwise_or_kernel_8h.xhtml +++ b/documentation/_n_e_bitwise_or_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_or_kernel_8h.xhtml">NEBitwiseOrKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_or_kernel_8h_source.xhtml b/documentation/_n_e_bitwise_or_kernel_8h_source.xhtml index db48d9c8c..441ac628c 100644 --- a/documentation/_n_e_bitwise_or_kernel_8h_source.xhtml +++ b/documentation/_n_e_bitwise_or_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_or_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_or_kernel_8h.xhtml">NEBitwiseOrKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_xor_8h.xhtml b/documentation/_n_e_bitwise_xor_8h.xhtml index fafce4d06..ac14cc860 100644 --- a/documentation/_n_e_bitwise_xor_8h.xhtml +++ b/documentation/_n_e_bitwise_xor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_xor_8h.xhtml">NEBitwiseXor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_xor_8h_source.xhtml b/documentation/_n_e_bitwise_xor_8h_source.xhtml index 4dc00209d..9845ede3c 100644 --- a/documentation/_n_e_bitwise_xor_8h_source.xhtml +++ b/documentation/_n_e_bitwise_xor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_xor_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_xor_8h.xhtml">NEBitwiseXor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_xor_kernel_8h.xhtml b/documentation/_n_e_bitwise_xor_kernel_8h.xhtml index dd8170ff8..394257fea 100644 --- a/documentation/_n_e_bitwise_xor_kernel_8h.xhtml +++ b/documentation/_n_e_bitwise_xor_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_xor_kernel_8h.xhtml">NEBitwiseXorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_bitwise_xor_kernel_8h_source.xhtml b/documentation/_n_e_bitwise_xor_kernel_8h_source.xhtml index 4a20e8bb5..92783a36c 100644 --- a/documentation/_n_e_bitwise_xor_kernel_8h_source.xhtml +++ b/documentation/_n_e_bitwise_xor_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_bitwise_xor_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_bitwise_xor_kernel_8h.xhtml">NEBitwiseXorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_box3x3_8h.xhtml b/documentation/_n_e_box3x3_8h.xhtml index 3b68689b4..fed239ffe 100644 --- a/documentation/_n_e_box3x3_8h.xhtml +++ b/documentation/_n_e_box3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_box3x3_8h.xhtml">NEBox3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_box3x3_8h_source.xhtml b/documentation/_n_e_box3x3_8h_source.xhtml index a46008c3e..c6d1811e6 100644 --- a/documentation/_n_e_box3x3_8h_source.xhtml +++ b/documentation/_n_e_box3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_box3x3_8h_source.xhtml','');}); <div class="title">NEBox3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_box3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEBOX3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEBOX3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_box3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_box3x3.xhtml">NEBox3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0, <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEBOX3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_box3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEBOX3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEBOX3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_box3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_box3x3.xhtml">NEBox3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0, <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEBOX3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_box3x3_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_box3x3_8h.xhtml">NEBox3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_box3x3_kernel_8h.xhtml b/documentation/_n_e_box3x3_kernel_8h.xhtml index ef4e2ba67..856c2e0c2 100644 --- a/documentation/_n_e_box3x3_kernel_8h.xhtml +++ b/documentation/_n_e_box3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_box3x3_kernel_8h.xhtml">NEBox3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_box3x3_kernel_8h_source.xhtml b/documentation/_n_e_box3x3_kernel_8h_source.xhtml index 18f4ac2d5..c43f5424b 100644 --- a/documentation/_n_e_box3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_box3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_box3x3_kernel_8h_source.xhtml','' </div><!--header--> <div class="contents"> <a href="_n_e_box3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEBOX3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEBOX3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#ifdef ARM_COMPUTE_ENABLE_FP16</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml"> 52</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">NEBox3x3FP16Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#else</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">NEBox3x3FP16Kernel</a> = <a class="code" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEBOX3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_box3x3_f_p16_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">arm_compute::NEBox3x3FP16Kernel</a></div><div class="ttdoc">NEON kernel to perform a Box 3x3 filter using F16 simd. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_box3x3_kernel_8h_source.xhtml#l00052">NEBox3x3Kernel.h:52</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_box3x3_kernel_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_box3x3_kernel_8h.xhtml">NEBox3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_canny_edge_8h.xhtml b/documentation/_n_e_canny_edge_8h.xhtml index 5bbd78286..ecf18025a 100644 --- a/documentation/_n_e_canny_edge_8h.xhtml +++ b/documentation/_n_e_canny_edge_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_canny_edge_8h.xhtml">NECannyEdge.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_canny_edge_8h_source.xhtml b/documentation/_n_e_canny_edge_8h_source.xhtml index b7f4e823f..0fade01a4 100644 --- a/documentation/_n_e_canny_edge_8h_source.xhtml +++ b/documentation/_n_e_canny_edge_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_canny_edge_8h_source.xhtml','');} <div class="title">NECannyEdge.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_canny_edge_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NECANNYEDGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NECANNYEDGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_canny_edge_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NECannyEdgeKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00051"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_canny_edge.xhtml"> 51</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451">NECannyEdge</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451">NECannyEdge</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &<a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, int32_t upper_thr, int32_t lower_thr, int32_t gradient_size, int32_t norm_type, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0,</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  std::unique_ptr<INEKernel> _gradient; </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> _non_max_suppr; </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> _edge_trace; </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_mag_gradient; </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_edge_trace; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gx; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gy; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _magnitude; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _nonmax; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> };</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> }</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NECANNYEDGE_H */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_canny_edge_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NECANNYEDGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NECANNYEDGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_canny_edge_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NECannyEdgeKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00051"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_canny_edge.xhtml"> 51</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451">NECannyEdge</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451">NECannyEdge</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &<a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, int32_t upper_thr, int32_t lower_thr, int32_t gradient_size, int32_t norm_type, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0,</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  std::unique_ptr<INEKernel> _gradient; </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> _non_max_suppr; </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> _edge_trace; </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_mag_gradient; </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_edge_trace; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gx; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gy; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _magnitude; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _nonmax; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> };</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> }</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NECANNYEDGE_H */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_canny_edge_xhtml_ae42141847e0a4f706223a1f71d435451"><div class="ttname"><a href="classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451">arm_compute::NECannyEdge::NECannyEdge</a></div><div class="ttdeci">NECannyEdge()</div><div class="ttdoc">Constructor. </div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_canny_edge_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_canny_edge_8h.xhtml">NECannyEdge.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_canny_edge_kernel_8h.xhtml b/documentation/_n_e_canny_edge_kernel_8h.xhtml index c0c4299d8..2181d939c 100644 --- a/documentation/_n_e_canny_edge_kernel_8h.xhtml +++ b/documentation/_n_e_canny_edge_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_canny_edge_kernel_8h.xhtml">NECannyEdgeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_canny_edge_kernel_8h_source.xhtml b/documentation/_n_e_canny_edge_kernel_8h_source.xhtml index 807f49315..4802391da 100644 --- a/documentation/_n_e_canny_edge_kernel_8h_source.xhtml +++ b/documentation/_n_e_canny_edge_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_n_e_canny_edge_kernel_8h_source.xhtml <a href="_n_e_canny_edge_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NECANNYEDGEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NECANNYEDGEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b">NEGradientKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b">NEGradientKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b">NEGradientKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727">~NEGradientKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *gy, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *magnitude, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *phase, int32_t norm_type);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">using</span> GradientFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict gx_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict gy_ptr, <span class="keywordtype">void</span> *__restrict magnitude_ptr, <span class="keywordtype">void</span> *__restrict phase_ptr);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  GradientFunction *_func; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_gx; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_gy; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_magnitude; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_phase; </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> };</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="preprocessor">#ifdef ARM_COMPUTE_ENABLE_FP16</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml"> 87</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml">NEGradientFP16Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Inherited methods overriden:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *gy, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *magnitude, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *phase, int32_t norm_type) <span class="keyword">override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> };</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="preprocessor">#else </span><span class="comment">/* ARM_COMPUTE_ENABLE_FP16 */</span><span class="preprocessor"></span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml">NEGradientFP16Kernel</a> = <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b">NEGradientKernel</a>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_ENABLE_FP16 */</span><span class="preprocessor"></span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00104"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml"> 104</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> {</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a>();</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  ~<a class="code" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *magnitude, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *phase, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, int32_t upper_thr, int32_t lower_thr, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> </div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> </div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keyword">using</span> EdgeNonMaxSupprFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict magnitude_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict phase_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, <span class="keyword">const</span> uint32_t stride_mag, <span class="keyword">const</span> int32_t upper_thr,</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <span class="keyword">const</span> int32_t lower_thr);</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  EdgeNonMaxSupprFunction *_func; </div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_magnitude; </div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_phase; </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  int32_t _lower_thr; </div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  int32_t _upper_thr; </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span> };</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00157"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml"> 157</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span> {</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a>();</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  ~<a class="code" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> </div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> </div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a">is_parallelisable</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span> };</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> }</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NECANNYEDGEKERNEL_H */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_gradient_kernel_xhtml_ac9fb1a343e29082ecd7ffaa0216dcd35"><div class="ttname"><a href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">arm_compute::NEGradientKernel::operator=</a></div><div class="ttdeci">NEGradientKernel & operator=(const NEGradientKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_n_e_gradient_kernel_xhtml_aec72e1144d2cb538834aa369232de727"><div class="ttname"><a href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727">arm_compute::NEGradientKernel::~NEGradientKernel</a></div><div class="ttdeci">virtual ~NEGradientKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_gradient_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">arm_compute::NEGradientKernel</a></div><div class="ttdoc">Computes magnitude and quantised phase from inputs gradients. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_canny_edge_kernel_8h_source.xhtml#l00036">NECannyEdgeKernel.h:36</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_edge_trace_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">arm_compute::NEEdgeTraceKernel</a></div><div class="ttdoc">NEON kernel to perform Edge tracing. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_canny_edge_kernel_8h_source.xhtml#l00157">NECannyEdgeKernel.h:157</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_canny_edge_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_canny_edge_kernel_8h.xhtml">NECannyEdgeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_combine_8h.xhtml b/documentation/_n_e_channel_combine_8h.xhtml index 750cf253f..f5bfaa023 100644 --- a/documentation/_n_e_channel_combine_8h.xhtml +++ b/documentation/_n_e_channel_combine_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_channel_combine_8h.xhtml">NEChannelCombine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_combine_8h_source.xhtml b/documentation/_n_e_channel_combine_8h_source.xhtml index 5b13feb2b..3649fed94 100644 --- a/documentation/_n_e_channel_combine_8h_source.xhtml +++ b/documentation/_n_e_channel_combine_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_combine_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_channel_combine_8h.xhtml">NEChannelCombine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_combine_kernel_8h.xhtml b/documentation/_n_e_channel_combine_kernel_8h.xhtml index b8ab2b933..b2697c560 100644 --- a/documentation/_n_e_channel_combine_kernel_8h.xhtml +++ b/documentation/_n_e_channel_combine_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_channel_combine_kernel_8h.xhtml">NEChannelCombineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_combine_kernel_8h_source.xhtml b/documentation/_n_e_channel_combine_kernel_8h_source.xhtml index aaa653a74..f250dbe09 100644 --- a/documentation/_n_e_channel_combine_kernel_8h_source.xhtml +++ b/documentation/_n_e_channel_combine_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_combine_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_channel_combine_kernel_8h.xhtml">NEChannelCombineKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_extract_8h.xhtml b/documentation/_n_e_channel_extract_8h.xhtml index 313da7270..6da5cf76f 100644 --- a/documentation/_n_e_channel_extract_8h.xhtml +++ b/documentation/_n_e_channel_extract_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_channel_extract_8h.xhtml">NEChannelExtract.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_extract_8h_source.xhtml b/documentation/_n_e_channel_extract_8h_source.xhtml index d7be7d4f1..43c74b22a 100644 --- a/documentation/_n_e_channel_extract_8h_source.xhtml +++ b/documentation/_n_e_channel_extract_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_extract_8h_source.xhtml', <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_multi_image_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_multi_image.xhtml">arm_compute::IMultiImage</a></div><div class="ttdoc">Interface for multi-planar images. </div><div class="ttdef"><b>Definition:</b> <a href="_i_multi_image_8h_source.xhtml#l00034">IMultiImage.h:34</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac20902ac1ef01783c8a8d71a9bdf1100"><div class="ttname"><a href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">arm_compute::IImage</a></div><div class="ttdeci">ITensor IImage</div><div class="ttdef"><b>Definition:</b> <a href="_c_p_p_corner_candidates_kernel_8h_source.xhtml#l00036">CPPCornerCandidatesKernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_channel_extract_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_channel_extract.xhtml">arm_compute::NEChannelExtract</a></div><div class="ttdoc">Basic function to run NEChannelExtractKernel to perform channel extraction. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_channel_extract_8h_source.xhtml#l00037">NEChannelExtract.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_extract_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_channel_extract_8h.xhtml">NEChannelExtract.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_extract_kernel_8h.xhtml b/documentation/_n_e_channel_extract_kernel_8h.xhtml index 685a787ec..570d5c819 100644 --- a/documentation/_n_e_channel_extract_kernel_8h.xhtml +++ b/documentation/_n_e_channel_extract_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_channel_extract_kernel_8h.xhtml">NEChannelExtractKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_channel_extract_kernel_8h_source.xhtml b/documentation/_n_e_channel_extract_kernel_8h_source.xhtml index bf82b20b9..218efd2f9 100644 --- a/documentation/_n_e_channel_extract_kernel_8h_source.xhtml +++ b/documentation/_n_e_channel_extract_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,7 +125,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_extract_kernel_8h_source. <div class="ttc" id="classarm__compute_1_1_i_multi_image_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_multi_image.xhtml">arm_compute::IMultiImage</a></div><div class="ttdoc">Interface for multi-planar images. </div><div class="ttdef"><b>Definition:</b> <a href="_i_multi_image_8h_source.xhtml#l00034">IMultiImage.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_channel_extract_kernel_xhtml_aa8e7c7a49ee3042eba01b2b7c0284f8c"><div class="ttname"><a href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c">arm_compute::NEChannelExtractKernel::operator=</a></div><div class="ttdeci">NEChannelExtractKernel & operator=(const NEChannelExtractKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_n_e_channel_extract_kernel_xhtml_a61c8ec45550ad9df947ffb7d6fe81fb9"><div class="ttname"><a href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a61c8ec45550ad9df947ffb7d6fe81fb9">arm_compute::NEChannelExtractKernel::NEChannelExtractKernel</a></div><div class="ttdeci">NEChannelExtractKernel()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac20902ac1ef01783c8a8d71a9bdf1100"><div class="ttname"><a href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">arm_compute::IImage</a></div><div class="ttdeci">ITensor IImage</div><div class="ttdef"><b>Definition:</b> <a href="_c_p_p_corner_candidates_kernel_8h_source.xhtml#l00036">CPPCornerCandidatesKernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_channel_extract_kernel_xhtml_a1a476489d90e34953d0d76112a42ad2a"><div class="ttname"><a href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a">arm_compute::NEChannelExtractKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, Channel channel, ITensor *output)</div><div class="ttdoc">Set the input and output of the kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_channel_extract_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">arm_compute::NEChannelExtractKernel</a></div><div class="ttdoc">Interface for the channel extract kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_channel_extract_kernel_8h_source.xhtml#l00039">NEChannelExtractKernel.h:39</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_channel_extract_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_channel_extract_kernel_8h.xhtml">NEChannelExtractKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_col2_im_kernel_8h.xhtml b/documentation/_n_e_col2_im_kernel_8h.xhtml index 02813248e..e298feb0b 100644 --- a/documentation/_n_e_col2_im_kernel_8h.xhtml +++ b/documentation/_n_e_col2_im_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_col2_im_kernel_8h.xhtml">NECol2ImKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_col2_im_kernel_8h_source.xhtml b/documentation/_n_e_col2_im_kernel_8h_source.xhtml index 875bae81c..2c2522d0a 100644 --- a/documentation/_n_e_col2_im_kernel_8h_source.xhtml +++ b/documentation/_n_e_col2_im_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_col2_im_kernel_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_col2_im_kernel_8h.xhtml">NECol2ImKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_8h.xhtml b/documentation/_n_e_color_convert_8h.xhtml index f8931d085..f8a2aa5b1 100644 --- a/documentation/_n_e_color_convert_8h.xhtml +++ b/documentation/_n_e_color_convert_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_8h.xhtml">NEColorConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_8h_source.xhtml b/documentation/_n_e_color_convert_8h_source.xhtml index 9cef761f6..1ff7e56c9 100644 --- a/documentation/_n_e_color_convert_8h_source.xhtml +++ b/documentation/_n_e_color_convert_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_color_convert_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_8h.xhtml">NEColorConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_helper_8inl.xhtml b/documentation/_n_e_color_convert_helper_8inl.xhtml index f61ac5dd6..f8555f7be 100644 --- a/documentation/_n_e_color_convert_helper_8inl.xhtml +++ b/documentation/_n_e_color_convert_helper_8inl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -179,7 +179,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_helper_8inl.xhtml">NEColorConvertHelper.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_helper_8inl_source.xhtml b/documentation/_n_e_color_convert_helper_8inl_source.xhtml index 992d92d8f..d1593258d 100644 --- a/documentation/_n_e_color_convert_helper_8inl_source.xhtml +++ b/documentation/_n_e_color_convert_helper_8inl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ $(document).ready(function(){initNavTree('_n_e_color_convert_helper_8inl_source. <div class="ttc" id="namespacearm__compute_xhtml_a199d36780fbb4a70168f290480673650"><div class="ttname"><a href="namespacearm__compute.xhtml#a199d36780fbb4a70168f290480673650">arm_compute::colorconvert_nv12_to_iyuv</a></div><div class="ttdeci">void colorconvert_nv12_to_iyuv(const void *__restrict input, void *__restrict output, const Window &win)</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">NEColorConvertHelper.inl:591</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ae43e8f0463c0289169025c3041688d36"><div class="ttname"><a href="namespacearm__compute.xhtml#ae43e8f0463c0289169025c3041688d36">arm_compute::colorconvert_yuyv_to_iyuv</a></div><div class="ttdeci">void colorconvert_yuyv_to_iyuv(const void *__restrict input, void *__restrict output, const Window &win)</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">NEColorConvertHelper.inl:633</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6b157a0e1ca25ef4d682d3bedfeae5f6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">arm_compute::TensorInfo::strides_in_bytes</a></div><div class="ttdeci">const Strides & strides_in_bytes() const </div><div class="ttdoc">The strides in bytes for accessing each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00198">TensorInfo.h:198</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_ade63ce331b49eb66d330aab444e57ca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ade63ce331b49eb66d330aab444e57ca9">arm_compute::Window::x</a></div><div class="ttdeci">constexpr const Dimension & x() const </div><div class="ttdoc">Alias to access the first dimension of the window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00128">Window.h:128</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a587a54c85dcc72838b8f4b5575ebafe4"><div class="ttname"><a href="namespacearm__compute.xhtml#a587a54c85dcc72838b8f4b5575ebafe4">arm_compute::colorconvert_nv12_to_yuv4</a></div><div class="ttdeci">void colorconvert_nv12_to_yuv4(const void *__restrict input, void *__restrict output, const Window &win)</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">NEColorConvertHelper.inl:686</a></div></div> @@ -162,7 +162,7 @@ $(document).ready(function(){initNavTree('_n_e_color_convert_helper_8inl_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_helper_8inl.xhtml">NEColorConvertHelper.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_kernel_8h.xhtml b/documentation/_n_e_color_convert_kernel_8h.xhtml index 48c9eeaf0..c39629501 100644 --- a/documentation/_n_e_color_convert_kernel_8h.xhtml +++ b/documentation/_n_e_color_convert_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_kernel_8h.xhtml">NEColorConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_color_convert_kernel_8h_source.xhtml b/documentation/_n_e_color_convert_kernel_8h_source.xhtml index 331523d02..89ecbf33a 100644 --- a/documentation/_n_e_color_convert_kernel_8h_source.xhtml +++ b/documentation/_n_e_color_convert_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_color_convert_kernel_8h_source.xh <div class="title">NEColorConvertKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_color_convert_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_COLORCONVERTKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_COLORCONVERTKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>IMultiImage;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0debe4186682c7d37935e3284dae5c09">~NEColorConvertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *output);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *input, <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *output);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keyword">using</span> ColorConvertFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keyword">const</span> <span class="keywordtype">void</span> *_input;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordtype">void</span> *_output;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _num_elems_processed_per_iteration;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  ColorConvertFunction *_func;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> };</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NECOLORCONVERTKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> +<a href="_n_e_color_convert_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_COLORCONVERTKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_COLORCONVERTKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>IMultiImage;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0debe4186682c7d37935e3284dae5c09">~NEColorConvertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *output);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *input, <a class="code" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> *output);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keyword">using</span> ColorConvertFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keyword">const</span> <span class="keywordtype">void</span> *_input;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordtype">void</span> *_output;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  ColorConvertFunction *_func;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> };</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NECOLORCONVERTKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_color_convert_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEColorConvertKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_color_convert_kernel_xhtml_a0debe4186682c7d37935e3284dae5c09"><div class="ttname"><a href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0debe4186682c7d37935e3284dae5c09">arm_compute::NEColorConvertKernel::~NEColorConvertKernel</a></div><div class="ttdeci">~NEColorConvertKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_color_convert_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_color_convert_kernel_8h.xhtml">NEColorConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_8h.js b/documentation/_n_e_convolution_8h.js new file mode 100644 index 000000000..47ba60b4f --- /dev/null +++ b/documentation/_n_e_convolution_8h.js @@ -0,0 +1,9 @@ +var _n_e_convolution_8h = +[ + [ "NEConvolution3x3", "classarm__compute_1_1_n_e_convolution3x3.xhtml", "classarm__compute_1_1_n_e_convolution3x3" ], + [ "NEConvolutionSquare", "classarm__compute_1_1_n_e_convolution_square.xhtml", "classarm__compute_1_1_n_e_convolution_square" ], + [ "NEConvolutionRectangle", "classarm__compute_1_1_n_e_convolution_rectangle.xhtml", "classarm__compute_1_1_n_e_convolution_rectangle" ], + [ "NEConvolution5x5", "_n_e_convolution_8h.xhtml#adbc7771d367ba8f51da1450d3602e5c0", null ], + [ "NEConvolution7x7", "_n_e_convolution_8h.xhtml#aeb2682fbeb2766df26b4be1971c9757d", null ], + [ "NEConvolution9x9", "_n_e_convolution_8h.xhtml#ae5a088552f26a1afafd0cbf821d256fb", null ] +];
\ No newline at end of file diff --git a/documentation/_n_e_convolution_8h.xhtml b/documentation/_n_e_convolution_8h.xhtml index 095479c18..a8ede544b 100644 --- a/documentation/_n_e_convolution_8h.xhtml +++ b/documentation/_n_e_convolution_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -114,7 +114,8 @@ $(document).ready(function(){initNavTree('_n_e_convolution_8h.xhtml','');}); <div class="header"> <div class="summary"> <a href="#nested-classes">Data Structures</a> | -<a href="#namespaces">Namespaces</a> </div> +<a href="#namespaces">Namespaces</a> | +<a href="#typedef-members">Typedefs</a> </div> <div class="headertitle"> <div class="title">NEConvolution.h File Reference</div> </div> </div><!--header--> @@ -134,14 +135,8 @@ Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 3x3. <a href="classarm__compute_1_1_n_e_convolution3x3.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 5x5. <a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 7x7. <a href="classarm__compute_1_1_n_e_convolution7x7.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 9x9. <a href="classarm__compute_1_1_n_e_convolution9x9.xhtml#details">More...</a><br /></td></tr> +<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare< matrix_size ></a></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 5x5, 7x7, 9x9. <a href="classarm__compute_1_1_n_e_convolution_square.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute non-square convolution. <a href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml#details">More...</a><br /></td></tr> @@ -151,6 +146,18 @@ Data Structures</h2></td></tr> Namespaces</h2></td></tr> <tr class="memitem:namespacearm__compute"><td class="memItemLeft" align="right" valign="top">  </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +</table><table class="memberdecls"> +<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="typedef-members"></a> +Typedefs</h2></td></tr> +<tr class="memitem:adbc7771d367ba8f51da1450d3602e5c0"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">NEConvolution5x5</a> = NEConvolutionSquare< 5 ></td></tr> +<tr class="memdesc:adbc7771d367ba8f51da1450d3602e5c0"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 5x5 convolution. <a href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">More...</a><br /></td></tr> +<tr class="separator:adbc7771d367ba8f51da1450d3602e5c0"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aeb2682fbeb2766df26b4be1971c9757d"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">NEConvolution7x7</a> = NEConvolutionSquare< 7 ></td></tr> +<tr class="memdesc:aeb2682fbeb2766df26b4be1971c9757d"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 7x7 convolution. <a href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">More...</a><br /></td></tr> +<tr class="separator:aeb2682fbeb2766df26b4be1971c9757d"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae5a088552f26a1afafd0cbf821d256fb"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">NEConvolution9x9</a> = NEConvolutionSquare< 9 ></td></tr> +<tr class="memdesc:ae5a088552f26a1afafd0cbf821d256fb"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 9x9 convolution. <a href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">More...</a><br /></td></tr> +<tr class="separator:ae5a088552f26a1afafd0cbf821d256fb"><td class="memSeparator" colspan="2"> </td></tr> </table> </div><!-- contents --> </div><!-- doc-content --> @@ -158,7 +165,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_convolution_8h.xhtml">NEConvolution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_8h_source.xhtml b/documentation/_n_e_convolution_8h_source.xhtml index 414d5c7d6..9183d37a9 100644 --- a/documentation/_n_e_convolution_8h_source.xhtml +++ b/documentation/_n_e_convolution_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,28 +116,26 @@ $(document).ready(function(){initNavTree('_n_e_convolution_8h_source.xhtml',''); <div class="title">NEConvolution.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_convolution_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NECONVOLUTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NECONVOLUTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_convolution_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEConvolutionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution3x3.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00068"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution5x5.xhtml"> 68</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a>();</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolution5x5HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolution5x5VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolution5x5Kernel</a> _kernel; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> };</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00103"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution7x7.xhtml"> 103</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a>();</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> </div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolution7x7HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolution7x7VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolution7x7Kernel</a> _kernel; </div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> };</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> </div><div class="line"><a name="l00138"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution9x9.xhtml"> 138</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a>();</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span> </div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolution9x9HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolution9x9VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolution9x9Kernel</a> _kernel; </div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span> };</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> </div><div class="line"><a name="l00173"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml"> 173</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span> {</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t rows, uint32_t cols, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span> };</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> }</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NECONVOLUTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_separable_convolution_vert_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">arm_compute::NESeparableConvolutionVertKernel< 5 ></a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">arm_compute::NEConvolutionKernel< 5 ></a></div></div> +<a href="_n_e_convolution_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NECONVOLUTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NECONVOLUTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_convolution_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEConvolutionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution3x3.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size></div><div class="line"><a name="l00069"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution_square.xhtml"> 69</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> {</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a>();</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">bool</span> _is_separable; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolutionHorKernel<matrix_size></a> _kernel_hor; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolutionVertKernel<matrix_size></a> _kernel_vert; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel<matrix_size></a> _kernel; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> };</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0"> 98</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolution5x5</a> = <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare<5></a>;</div><div class="line"><a name="l00100"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d"> 100</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolution7x7</a> = <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare<7></a>;</div><div class="line"><a name="l00102"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb"> 102</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolution9x9</a> = <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare<9></a>;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml"> 111</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> int16_t *conv, uint32_t rows, uint32_t cols, uint32_t scale, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> };</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> }</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NECONVOLUTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_separable_convolution_vert_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">arm_compute::NESeparableConvolutionVertKernel</a></div><div class="ttdoc">Kernel for the Vertical pass of a Separable Convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_kernel_8h_source.xhtml#l00138">NEConvolutionKernel.h:138</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">arm_compute::NEConvolutionKernel</a></div><div class="ttdoc">Interface for the kernel to run an arbitrary size convolution on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_kernel_8h_source.xhtml#l00055">NEConvolutionKernel.h:55</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_n_e_convolution_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_convolution_kernel_8h.xhtml">NEConvolutionKernel.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_separable_convolution_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">arm_compute::NESeparableConvolutionHorKernel< 5 ></a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_separable_convolution_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">arm_compute::NESeparableConvolutionHorKernel</a></div><div class="ttdoc">Kernel for the Horizontal pass of a Separable Convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_kernel_8h_source.xhtml#l00098">NEConvolutionKernel.h:98</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution_rectangle_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">arm_compute::NEConvolutionRectangle</a></div><div class="ttdoc">Basic function to execute non-square convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00173">NEConvolution.h:173</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_rectangle_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">arm_compute::NEConvolutionRectangle</a></div><div class="ttdoc">Basic function to execute non-square convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00111">NEConvolution.h:111</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="_n_e_fill_border_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_fill_border_kernel_8h.xhtml">NEFillBorderKernel.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution9x9_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution9x9.xhtml">arm_compute::NEConvolution9x9</a></div><div class="ttdoc">Basic function to execute convolution of size 9x9. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00138">NEConvolution.h:138</a></div></div> <div class="ttc" id="_tensor_8h_xhtml"><div class="ttname"><a href="_tensor_8h.xhtml">Tensor.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml">arm_compute::NEConvolution5x5</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00068">NEConvolution.h:68</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml">arm_compute::NEConvolutionSquare</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5, 7x7, 9x9. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00069">NEConvolution.h:69</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml">arm_compute::NEConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00046">NEConvolution.h:46</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml">arm_compute::Tensor</a></div><div class="ttdoc">Basic implementation of the tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_8h_source.xhtml#l00037">Tensor.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolution3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fill_border_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">arm_compute::NEFillBorderKernel</a></div><div class="ttdoc">Interface for the kernel to fill borders. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_fill_border_kernel_8h_source.xhtml#l00036">NEFillBorderKernel.h:36</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution7x7_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution7x7.xhtml">arm_compute::NEConvolution7x7</a></div><div class="ttdoc">Basic function to execute convolution of size 7x7. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00103">NEConvolution.h:103</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -145,7 +143,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_convolution_8h.xhtml">NEConvolution.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_kernel_8h.xhtml b/documentation/_n_e_convolution_kernel_8h.xhtml index 21927c40f..8f20de4dd 100644 --- a/documentation/_n_e_convolution_kernel_8h.xhtml +++ b/documentation/_n_e_convolution_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -187,7 +187,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_convolution_kernel_8h.xhtml">NEConvolutionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_kernel_8h_source.xhtml b/documentation/_n_e_convolution_kernel_8h_source.xhtml index 8badef81e..25b60c16b 100644 --- a/documentation/_n_e_convolution_kernel_8h_source.xhtml +++ b/documentation/_n_e_convolution_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -120,7 +120,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_kernel_8h_source.xhtm <div class="ttc" id="classarm__compute_1_1_n_e_convolution_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">arm_compute::NEConvolutionKernel</a></div><div class="ttdoc">Interface for the kernel to run an arbitrary size convolution on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_kernel_8h_source.xhtml#l00055">NEConvolutionKernel.h:55</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution_kernel_xhtml_a8873a8f053f3d2322e297409645c6222"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222">arm_compute::NEConvolutionKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s input, output and border mode. </div></div> <div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_separable_convolution_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">arm_compute::NESeparableConvolutionHorKernel</a></div><div class="ttdoc">Kernel for the Horizontal pass of a Separable Convolution. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_kernel_8h_source.xhtml#l00098">NEConvolutionKernel.h:98</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_convolution_kernel_8h.xhtml">NEConvolutionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_layer_8h.xhtml b/documentation/_n_e_convolution_layer_8h.xhtml index 7088b0574..94a8686a4 100644 --- a/documentation/_n_e_convolution_layer_8h.xhtml +++ b/documentation/_n_e_convolution_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_convolution_layer_8h.xhtml">NEConvolutionLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_layer_8h_source.xhtml b/documentation/_n_e_convolution_layer_8h_source.xhtml index 55b7367b9..603a3ee2b 100644 --- a/documentation/_n_e_convolution_layer_8h_source.xhtml +++ b/documentation/_n_e_convolution_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_layer_8h_source.xhtml <div class="ttc" id="_n_e_col2_im_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_col2_im_kernel_8h.xhtml">NECol2ImKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml">arm_compute::NEGEMMTranspose1xWKernel</a></div><div class="ttdoc">NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 ...</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml#l00069">NEGEMMTranspose1xWKernel.h:69</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml">arm_compute::Tensor</a></div><div class="ttdoc">Basic implementation of the tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_8h_source.xhtml#l00037">Tensor.h:37</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00362">Types.h:362</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00375">Types.h:375</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution_layer_xhtml_a38198731404a741d75225ae36baf100a"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a">arm_compute::NEConvolutionLayer::configure</a></div><div class="ttdeci">void configure(const ITensor *input, const ITensor *weights, const ITensor *biases, ITensor *output, const PadStrideInfo &conv_info)</div><div class="ttdoc">Set the input and output tensors. </div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> <div class="ttc" id="_n_e_im2_col_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_im2_col_kernel_8h.xhtml">NEIm2ColKernel.h</a></div></div> @@ -147,7 +147,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_layer_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_convolution_layer_8h.xhtml">NEConvolutionLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml b/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml index 48ca3cc5d..539680d01 100644 --- a/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml +++ b/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml">NEConvolutionLayerWeightsReshapeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h_source.xhtml b/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h_source.xhtml index 9be0f55cf..2555c6f89 100644 --- a/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h_source.xhtml +++ b/documentation/_n_e_convolution_layer_weights_reshape_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_convolution_layer_weights_reshape <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml">NEConvolutionLayerWeightsReshapeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_cumulative_distribution_kernel_8h.xhtml b/documentation/_n_e_cumulative_distribution_kernel_8h.xhtml index 10e8ab613..7c4ec8ac8 100644 --- a/documentation/_n_e_cumulative_distribution_kernel_8h.xhtml +++ b/documentation/_n_e_cumulative_distribution_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_cumulative_distribution_kernel_8h.xhtml">NECumulativeDistributionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_cumulative_distribution_kernel_8h_source.xhtml b/documentation/_n_e_cumulative_distribution_kernel_8h_source.xhtml index f8ac2cf21..ca767f303 100644 --- a/documentation/_n_e_cumulative_distribution_kernel_8h_source.xhtml +++ b/documentation/_n_e_cumulative_distribution_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_cumulative_distribution_kernel_8h <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_cumulative_distribution_kernel_8h.xhtml">NECumulativeDistributionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_depth_convert_8h.xhtml b/documentation/_n_e_depth_convert_8h.xhtml index fd133bbeb..c816afe2f 100644 --- a/documentation/_n_e_depth_convert_8h.xhtml +++ b/documentation/_n_e_depth_convert_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_depth_convert_8h.xhtml">NEDepthConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_depth_convert_8h_source.xhtml b/documentation/_n_e_depth_convert_8h_source.xhtml index a08778769..137b65d9a 100644 --- a/documentation/_n_e_depth_convert_8h_source.xhtml +++ b/documentation/_n_e_depth_convert_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,14 +125,14 @@ $(document).ready(function(){initNavTree('_n_e_depth_convert_8h_source.xhtml','' <div class="ttc" id="classarm__compute_1_1_n_e_depth_convert_xhtml_a04fc944cc2e562f29c8b1099566cc07e"><div class="ttname"><a href="classarm__compute_1_1_n_e_depth_convert.xhtml#a04fc944cc2e562f29c8b1099566cc07e">arm_compute::NEDepthConvert::NEDepthConvert</a></div><div class="ttdeci">NEDepthConvert()=default</div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_depth_convert_xhtml_a7ed98008d6fd4e74c243c3ade3c17ee2"><div class="ttname"><a href="classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2">arm_compute::NEDepthConvert::operator=</a></div><div class="ttdeci">const NEDepthConvert & operator=(const NEDepthConvert &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_depth_convert_8h.xhtml">NEDepthConvert.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_depth_convert_kernel_8h.xhtml b/documentation/_n_e_depth_convert_kernel_8h.xhtml index 1bc2fe043..91c6e08be 100644 --- a/documentation/_n_e_depth_convert_kernel_8h.xhtml +++ b/documentation/_n_e_depth_convert_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_depth_convert_kernel_8h.xhtml">NEDepthConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_depth_convert_kernel_8h_source.xhtml b/documentation/_n_e_depth_convert_kernel_8h_source.xhtml index 24a756b74..5b6e83b40 100644 --- a/documentation/_n_e_depth_convert_kernel_8h_source.xhtml +++ b/documentation/_n_e_depth_convert_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -127,14 +127,14 @@ $(document).ready(function(){initNavTree('_n_e_depth_convert_kernel_8h_source.xh <div class="ttc" id="classarm__compute_1_1_n_e_depth_convert_kernel_xhtml_a880f5df3eb7f21d96561e16d6b858697"><div class="ttname"><a href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a880f5df3eb7f21d96561e16d6b858697">arm_compute::NEDepthConvertKernel::NEDepthConvertKernel</a></div><div class="ttdeci">NEDepthConvertKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_depth_convert_kernel_8h.xhtml">NEDepthConvertKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_derivative_8h.xhtml b/documentation/_n_e_derivative_8h.xhtml index bfc9f636d..13924a416 100644 --- a/documentation/_n_e_derivative_8h.xhtml +++ b/documentation/_n_e_derivative_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_derivative_8h.xhtml">NEDerivative.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_derivative_8h_source.xhtml b/documentation/_n_e_derivative_8h_source.xhtml index 6dbfc856e..89e3d673d 100644 --- a/documentation/_n_e_derivative_8h_source.xhtml +++ b/documentation/_n_e_derivative_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_derivative_8h_source.xhtml','');} <div class="title">NEDerivative.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_derivative_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDERIVATIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDERIVATIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_derivative_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEDerivativeKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_derivative.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#a06a119e5e329e9283c4c884a1d927914">NEDerivative</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> _kernel; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEDERIVATIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_derivative_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDERIVATIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDERIVATIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_derivative_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEDerivativeKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_derivative.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#a06a119e5e329e9283c4c884a1d927914">NEDerivative</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> _kernel; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEDERIVATIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_derivative_xhtml_a06a119e5e329e9283c4c884a1d927914"><div class="ttname"><a href="classarm__compute_1_1_n_e_derivative.xhtml#a06a119e5e329e9283c4c884a1d927914">arm_compute::NEDerivative::NEDerivative</a></div><div class="ttdeci">NEDerivative()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_derivative_8h_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_derivative_8h.xhtml">NEDerivative.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_derivative_kernel_8h.xhtml b/documentation/_n_e_derivative_kernel_8h.xhtml index fab3059b3..bea484edd 100644 --- a/documentation/_n_e_derivative_kernel_8h.xhtml +++ b/documentation/_n_e_derivative_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_derivative_kernel_8h.xhtml">NEDerivativeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_derivative_kernel_8h_source.xhtml b/documentation/_n_e_derivative_kernel_8h_source.xhtml index 0829dda08..6cf6e79e5 100644 --- a/documentation/_n_e_derivative_kernel_8h_source.xhtml +++ b/documentation/_n_e_derivative_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_derivative_kernel_8h_source.xhtml </div><!--header--> <div class="contents"> <a href="_n_e_derivative_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDERIVATIVEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDERIVATIVEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22">NEDerivativeKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22">NEDerivativeKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22">NEDerivativeKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> derivative_x(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> derivative_y(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> derivative_xy(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keyword">using</span> DerivativeFunction = void (<a class="code" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a>::*)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  DerivativeFunction _func;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> };</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> }</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEDERIVATIVEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_derivative_kernel_xhtml_a11f5eb3a93c035acdd9fd93f3bed50bd"><div class="ttname"><a href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd">arm_compute::NEDerivativeKernel::operator=</a></div><div class="ttdeci">NEDerivativeKernel & operator=(const NEDerivativeKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_derivative_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">arm_compute::NEDerivativeKernel</a></div><div class="ttdoc">Interface for the kernel to run the derivative along the X/Y directions on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_derivative_kernel_8h_source.xhtml#l00036">NEDerivativeKernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_derivative_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_derivative_kernel_8h.xhtml">NEDerivativeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_dilate_8h.xhtml b/documentation/_n_e_dilate_8h.xhtml index 9d1e03584..a7d2ba6c9 100644 --- a/documentation/_n_e_dilate_8h.xhtml +++ b/documentation/_n_e_dilate_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_dilate_8h.xhtml">NEDilate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_dilate_8h_source.xhtml b/documentation/_n_e_dilate_8h_source.xhtml index 628ed46aa..848ff9443 100644 --- a/documentation/_n_e_dilate_8h_source.xhtml +++ b/documentation/_n_e_dilate_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_dilate_8h_source.xhtml','');}); <div class="title">NEDilate.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_dilate_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDILATE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDILATE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_dilate.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_dilate.xhtml">NEDilate</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEDILATE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_dilate_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDILATE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDILATE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_dilate.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_dilate.xhtml">NEDilate</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEDILATE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_dilate_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_dilate.xhtml">arm_compute::NEDilate</a></div><div class="ttdoc">Basic function to execute dilate. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_dilate_8h_source.xhtml#l00042">NEDilate.h:42</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_dilate_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_dilate_8h.xhtml">NEDilate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_dilate_kernel_8h.xhtml b/documentation/_n_e_dilate_kernel_8h.xhtml index fdf4c296f..4410e3419 100644 --- a/documentation/_n_e_dilate_kernel_8h.xhtml +++ b/documentation/_n_e_dilate_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_dilate_kernel_8h.xhtml">NEDilateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_dilate_kernel_8h_source.xhtml b/documentation/_n_e_dilate_kernel_8h_source.xhtml index 208ceab1a..1c85888d1 100644 --- a/documentation/_n_e_dilate_kernel_8h_source.xhtml +++ b/documentation/_n_e_dilate_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_dilate_kernel_8h_source.xhtml','' </div><!--header--> <div class="contents"> <a href="_n_e_dilate_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEDILATEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEDILATEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml">NEDilateKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> }</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEDILATEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_dilate_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_dilate_kernel.xhtml">arm_compute::NEDilateKernel</a></div><div class="ttdoc">Interface for the kernel to perform boolean image dilatation. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_dilate_kernel_8h_source.xhtml#l00034">NEDilateKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_dilate_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEDilateKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_dilate_kernel_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_dilate_kernel_8h.xhtml">NEDilateKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_equalize_histogram_8h.xhtml b/documentation/_n_e_equalize_histogram_8h.xhtml index 0c7946fd2..80dd2fed0 100644 --- a/documentation/_n_e_equalize_histogram_8h.xhtml +++ b/documentation/_n_e_equalize_histogram_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_equalize_histogram_8h.xhtml">NEEqualizeHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_equalize_histogram_8h_source.xhtml b/documentation/_n_e_equalize_histogram_8h_source.xhtml index a6d7c35ad..f155f2898 100644 --- a/documentation/_n_e_equalize_histogram_8h_source.xhtml +++ b/documentation/_n_e_equalize_histogram_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_equalize_histogram_8h_source.xhtm <div class="title">NEEqualizeHistogram.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_equalize_histogram_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_cumulative_distribution_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NECumulativeDistributionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_histogram_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHistogramKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_table_lookup_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NETableLookupKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_distribution1_d_8h.xhtml">arm_compute/runtime/Distribution1D.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_lut_8h.xhtml">arm_compute/runtime/Lut.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml"> 48</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml">NEEqualizeHistogram</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ae45d670bd9b55e0c7837094d5f20449e">NEEqualizeHistogram</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> _histogram_kernel; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> _border_histogram_kernel; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a> _cd_histogram_kernel; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> _map_histogram_kernel; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> _hist; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> _cum_dist; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_lut.xhtml">Lut</a> _cd_lut; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">bool</span> _run_border_hist; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keyword">static</span> constexpr uint32_t nr_bins{ 256 }; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">static</span> constexpr uint32_t max_range{ nr_bins - 1 }; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> };</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_equalize_histogram_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEEqualizeHistogram::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> +<a href="_n_e_equalize_histogram_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_cumulative_distribution_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NECumulativeDistributionKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_histogram_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHistogramKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_table_lookup_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NETableLookupKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_distribution1_d_8h.xhtml">arm_compute/runtime/Distribution1D.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_lut_8h.xhtml">arm_compute/runtime/Lut.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml"> 48</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml">NEEqualizeHistogram</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ae45d670bd9b55e0c7837094d5f20449e">NEEqualizeHistogram</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> _histogram_kernel; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a> _cd_histogram_kernel; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> _map_histogram_kernel; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> _hist; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> _cum_dist; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_lut.xhtml">Lut</a> _cd_lut; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keyword">static</span> constexpr uint32_t nr_bins{ 256 }; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keyword">static</span> constexpr uint32_t max_range{ nr_bins - 1 }; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> };</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> }</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEEQUALIZEHISTOGRAM_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_equalize_histogram_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEEqualizeHistogram::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_equalize_histogram_xhtml_acbd66cc67e7dedcc3d94a7ab0be5781c"><div class="ttname"><a href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c">arm_compute::NEEqualizeHistogram::configure</a></div><div class="ttdeci">void configure(const IImage *input, IImage *output)</div><div class="ttdoc">Initialise the kernel&#39;s inputs. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -127,7 +127,6 @@ $(document).ready(function(){initNavTree('_n_e_equalize_histogram_8h_source.xhtm <div class="ttc" id="_distribution1_d_8h_xhtml"><div class="ttname"><a href="_distribution1_d_8h.xhtml">Distribution1D.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_equalize_histogram_xhtml_ae45d670bd9b55e0c7837094d5f20449e"><div class="ttname"><a href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ae45d670bd9b55e0c7837094d5f20449e">arm_compute::NEEqualizeHistogram::NEEqualizeHistogram</a></div><div class="ttdeci">NEEqualizeHistogram()</div><div class="ttdoc">Default Constructor. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac20902ac1ef01783c8a8d71a9bdf1100"><div class="ttname"><a href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">arm_compute::IImage</a></div><div class="ttdeci">ITensor IImage</div><div class="ttdef"><b>Definition:</b> <a href="_c_p_p_corner_candidates_kernel_8h_source.xhtml#l00036">CPPCornerCandidatesKernel.h:36</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_histogram_border_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">arm_compute::NEHistogramBorderKernel</a></div><div class="ttdoc">Interface for the histogram border handling kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_kernel_8h_source.xhtml#l00136">NEHistogramKernel.h:136</a></div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> <div class="ttc" id="_n_e_table_lookup_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_table_lookup_kernel_8h.xhtml">NETableLookupKernel.h</a></div></div> <div class="ttc" id="_n_e_histogram_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_histogram_kernel_8h.xhtml">NEHistogramKernel.h</a></div></div> @@ -142,7 +141,7 @@ $(document).ready(function(){initNavTree('_n_e_equalize_histogram_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_equalize_histogram_8h.xhtml">NEEqualizeHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_erode_8h.xhtml b/documentation/_n_e_erode_8h.xhtml index 04533ca6b..a0cde8f71 100644 --- a/documentation/_n_e_erode_8h.xhtml +++ b/documentation/_n_e_erode_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_erode_8h.xhtml">NEErode.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_erode_8h_source.xhtml b/documentation/_n_e_erode_8h_source.xhtml index c0bff47d5..8c065036d 100644 --- a/documentation/_n_e_erode_8h_source.xhtml +++ b/documentation/_n_e_erode_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_erode_8h_source.xhtml','');}); <div class="title">NEErode.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_erode_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEERODE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEERODE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_erode.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_erode.xhtml">NEErode</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEERODE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_erode_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEERODE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEERODE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_erode.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_erode.xhtml">NEErode</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEERODE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_erode_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_erode.xhtml">arm_compute::NEErode</a></div><div class="ttdoc">Basic function to execute erode. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_erode_8h_source.xhtml#l00042">NEErode.h:42</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_erode_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_erode_8h.xhtml">NEErode.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_erode_kernel_8h.xhtml b/documentation/_n_e_erode_kernel_8h.xhtml index a03ea9c0b..1f2c6f1cd 100644 --- a/documentation/_n_e_erode_kernel_8h.xhtml +++ b/documentation/_n_e_erode_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_erode_kernel_8h.xhtml">NEErodeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_erode_kernel_8h_source.xhtml b/documentation/_n_e_erode_kernel_8h_source.xhtml index a9396f01a..42e4a2ef2 100644 --- a/documentation/_n_e_erode_kernel_8h_source.xhtml +++ b/documentation/_n_e_erode_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_erode_kernel_8h_source.xhtml','') </div><!--header--> <div class="contents"> <a href="_n_e_erode_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEERODEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEERODEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_erode_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_erode_kernel.xhtml">NEErodeKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> };</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> }</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEERODEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_erode_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_erode_kernel_8h.xhtml">NEErodeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fast_corners_8h.xhtml b/documentation/_n_e_fast_corners_8h.xhtml index 938a2541e..dd9ed2aa6 100644 --- a/documentation/_n_e_fast_corners_8h.xhtml +++ b/documentation/_n_e_fast_corners_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fast_corners_8h.xhtml">NEFastCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fast_corners_8h_source.xhtml b/documentation/_n_e_fast_corners_8h_source.xhtml index cd7738ad1..b849ed67a 100644 --- a/documentation/_n_e_fast_corners_8h_source.xhtml +++ b/documentation/_n_e_fast_corners_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_fast_corners_8h_source.xhtml','') <div class="title">NEFastCorners.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_fast_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFASTCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFASTCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fast_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFastCornersKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_array_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillArrayKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fast_corners.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml">NEFastCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#a19b25a6272724ef74321c92f6a47a7df">NEFastCorners</a>();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> nonmax_suppression, <a class="code" href="classarm__compute_1_1_array.xhtml">KeyPointArray</a> *corners,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> _fast_corners_kernel;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> _nonmax_kernel;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml">NEFillArrayKernel</a> _fill_kernel;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _output;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _suppressed;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> _non_max;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> };</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFASTCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_fast_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFASTCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFASTCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fast_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFastCornersKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_array_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillArrayKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fast_corners.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml">NEFastCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#a19b25a6272724ef74321c92f6a47a7df">NEFastCorners</a>();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">bool</span> nonmax_suppression, <a class="code" href="classarm__compute_1_1_array.xhtml">KeyPointArray</a> *corners,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> _fast_corners_kernel;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> _nonmax_kernel;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml">NEFillArrayKernel</a> _fill_kernel;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _output;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _suppressed;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> _non_max;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> };</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFASTCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_n_e_non_maxima_suppression3x3_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">NENonMaximaSuppression3x3Kernel.h</a></div></div> @@ -145,7 +145,7 @@ $(document).ready(function(){initNavTree('_n_e_fast_corners_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fast_corners_8h.xhtml">NEFastCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fast_corners_kernel_8h.xhtml b/documentation/_n_e_fast_corners_kernel_8h.xhtml index e76c3bdcc..671525d6f 100644 --- a/documentation/_n_e_fast_corners_kernel_8h.xhtml +++ b/documentation/_n_e_fast_corners_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fast_corners_kernel_8h.xhtml">NEFastCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fast_corners_kernel_8h_source.xhtml b/documentation/_n_e_fast_corners_kernel_8h_source.xhtml index c34ab484a..3e46b2ce1 100644 --- a/documentation/_n_e_fast_corners_kernel_8h_source.xhtml +++ b/documentation/_n_e_fast_corners_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_fast_corners_kernel_8h_source.xht </div><!--header--> <div class="contents"> <a href="_n_e_fast_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFASTCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ad7651a9d61e2bbc1debf8aeea2594ae4">NEFastCornersKernel</a>();</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ad7651a9d61e2bbc1debf8aeea2594ae4">NEFastCornersKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ad7651a9d61e2bbc1debf8aeea2594ae4">NEFastCornersKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, uint8_t threshold, <span class="keywordtype">bool</span> <a class="code" href="nonmax_8cl.xhtml#a07874f4cb83d115b3c588835d17a8f93">non_max_suppression</a>, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_output; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  uint8_t _threshold; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">bool</span> _non_max_suppression; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif</span></div><div class="ttc" id="classarm__compute_1_1_n_e_fast_corners_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEFastCornersKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fast_corners_kernel_xhtml_a3b21b6f8bfa867ac4095d07b3c24dc21"><div class="ttname"><a href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21">arm_compute::NEFastCornersKernel::operator=</a></div><div class="ttdeci">NEFastCornersKernel & operator=(const NEFastCornersKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_fast_corners_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fast_corners_kernel_8h.xhtml">NEFastCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_array_kernel_8h.xhtml b/documentation/_n_e_fill_array_kernel_8h.xhtml index 2b3f7b18e..0b642a4a2 100644 --- a/documentation/_n_e_fill_array_kernel_8h.xhtml +++ b/documentation/_n_e_fill_array_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_array_kernel_8h.xhtml">NEFillArrayKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_array_kernel_8h_source.xhtml b/documentation/_n_e_fill_array_kernel_8h_source.xhtml index 6cdbca086..0a1d5eaef 100644 --- a/documentation/_n_e_fill_array_kernel_8h_source.xhtml +++ b/documentation/_n_e_fill_array_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_array_kernel_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_array_kernel_8h.xhtml">NEFillArrayKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_border_8h.xhtml b/documentation/_n_e_fill_border_8h.xhtml index 07e7e3c13..02c0e67fa 100644 --- a/documentation/_n_e_fill_border_8h.xhtml +++ b/documentation/_n_e_fill_border_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fill_border_8h.xhtml">NEFillBorder.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_border_8h_source.xhtml b/documentation/_n_e_fill_border_8h_source.xhtml index 64f27d888..18176f223 100644 --- a/documentation/_n_e_fill_border_8h_source.xhtml +++ b/documentation/_n_e_fill_border_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_border_8h_source.xhtml',''); <div class="title">NEFillBorder.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_fill_border_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFILLBORDER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFILLBORDER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fill_border.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml">NEFillBorder</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> border_width, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFILLBORDER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_fill_border_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFILLBORDER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFILLBORDER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fill_border.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml">NEFillBorder</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> border_width, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> }</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFILLBORDER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pixel_value_8h_xhtml"><div class="ttname"><a href="_pixel_value_8h.xhtml">PixelValue.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_pixel_value_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pixel_value.xhtml">arm_compute::PixelValue</a></div><div class="ttdoc">Class describing the value of a pixel for any image format. </div><div class="ttdef"><b>Definition:</b> <a href="_pixel_value_8h_source.xhtml#l00032">PixelValue.h:32</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fill_border_xhtml_ab2db56d349cee3849dbfac825d916fd6"><div class="ttname"><a href="classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6">arm_compute::NEFillBorder::configure</a></div><div class="ttdeci">void configure(ITensor *input, unsigned int border_width, BorderMode border_mode, const PixelValue &constant_border_value=PixelValue())</div><div class="ttdoc">Initialize the function&#39;s source, destination and border_mode. </div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_border_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fill_border_8h.xhtml">NEFillBorder.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_border_kernel_8h.xhtml b/documentation/_n_e_fill_border_kernel_8h.xhtml index 625e4dcb5..5ba1fbe78 100644 --- a/documentation/_n_e_fill_border_kernel_8h.xhtml +++ b/documentation/_n_e_fill_border_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_border_kernel_8h.xhtml">NEFillBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_border_kernel_8h_source.xhtml b/documentation/_n_e_fill_border_kernel_8h_source.xhtml index ffbb78ef3..e38f3876f 100644 --- a/documentation/_n_e_fill_border_kernel_8h_source.xhtml +++ b/documentation/_n_e_fill_border_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,11 +116,11 @@ $(document).ready(function(){initNavTree('_n_e_fill_border_kernel_8h_source.xhtm <div class="title">NEFillBorderKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_fill_border_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#ac68288caf6a7f15d12519e1a12161983">~NEFillBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> fill_replicate_single_channel(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> fill_constant_value_single_channel(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_tensor;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> _mode;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> _constant_border_value;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> };</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> }</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFILLBORDERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_fill_border_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFILLBORDERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">NEFillBorderKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#ac68288caf6a7f15d12519e1a12161983">~NEFillBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> fill_replicate_single_channel(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> fill_constant_value_single_channel(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_tensor;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> _mode;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> _constant_border_value;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> };</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> }</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFILLBORDERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pixel_value_8h_xhtml"><div class="ttname"><a href="_pixel_value_8h.xhtml">PixelValue.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fill_border_kernel_xhtml_a687427caf0b665fce20cac17d238e946"><div class="ttname"><a href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946">arm_compute::NEFillBorderKernel::NEFillBorderKernel</a></div><div class="ttdeci">NEFillBorderKernel()</div><div class="ttdoc">Default Constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_pixel_value_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pixel_value.xhtml">arm_compute::PixelValue</a></div><div class="ttdoc">Class describing the value of a pixel for any image format. </div><div class="ttdef"><b>Definition:</b> <a href="_pixel_value_8h_source.xhtml#l00032">PixelValue.h:32</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fill_border_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEFillBorderKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_border_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_border_kernel_8h.xhtml">NEFillBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_inner_border_kernel_8h.xhtml b/documentation/_n_e_fill_inner_border_kernel_8h.xhtml index fb2634e8e..8d443c813 100644 --- a/documentation/_n_e_fill_inner_border_kernel_8h.xhtml +++ b/documentation/_n_e_fill_inner_border_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_inner_border_kernel_8h.xhtml">NEFillInnerBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fill_inner_border_kernel_8h_source.xhtml b/documentation/_n_e_fill_inner_border_kernel_8h_source.xhtml index 9c4df6be8..a2959b05a 100644 --- a/documentation/_n_e_fill_inner_border_kernel_8h_source.xhtml +++ b/documentation/_n_e_fill_inner_border_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_inner_border_kernel_8h_sourc <div class="contents"> <a href="_n_e_fill_inner_border_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEFILLINNERBORDERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEFILLINNERBORDERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_pixel_value_8h.xhtml">arm_compute/core/PixelValue.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26">NEFillInnerBorderKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26">NEFillInnerBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26">NEFillInnerBorderKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a2a4252d6ad42d3828955547d4dce0c21">~NEFillInnerBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> &constant_border_value = <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a>());</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> fill_value_single_channel(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_tensor;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> _constant_border_value;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> };</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEFILLINNERBORDERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_pixel_value_8h_xhtml"><div class="ttname"><a href="_pixel_value_8h.xhtml">PixelValue.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_pixel_value_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pixel_value.xhtml">arm_compute::PixelValue</a></div><div class="ttdoc">Class describing the value of a pixel for any image format. </div><div class="ttdef"><b>Definition:</b> <a href="_pixel_value_8h_source.xhtml#l00032">PixelValue.h:32</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_fill_inner_border_kernel_xhtml_ad1005cd5f8e117e601e605fe95eb2c43"><div class="ttname"><a href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43">arm_compute::NEFillInnerBorderKernel::operator=</a></div><div class="ttdeci">NEFillInnerBorderKernel & operator=(const NEFillInnerBorderKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_fill_inner_border_kernel_8h_sourc <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_fill_inner_border_kernel_8h.xhtml">NEFillInnerBorderKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fully_connected_layer_8h.xhtml b/documentation/_n_e_fully_connected_layer_8h.xhtml index 92d6642ff..6b7b74d0d 100644 --- a/documentation/_n_e_fully_connected_layer_8h.xhtml +++ b/documentation/_n_e_fully_connected_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fully_connected_layer_8h.xhtml">NEFullyConnectedLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_fully_connected_layer_8h_source.xhtml b/documentation/_n_e_fully_connected_layer_8h_source.xhtml index 0f0abd214..22efbcb04 100644 --- a/documentation/_n_e_fully_connected_layer_8h_source.xhtml +++ b/documentation/_n_e_fully_connected_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_n_e_fully_connected_layer_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_fully_connected_layer_8h.xhtml">NEFullyConnectedLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_functions_8h.xhtml b/documentation/_n_e_functions_8h.xhtml index 2d6a55ea0..6945c4fa1 100644 --- a/documentation/_n_e_functions_8h.xhtml +++ b/documentation/_n_e_functions_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -187,7 +187,7 @@ $(document).ready(function(){initNavTree('_n_e_functions_8h.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_functions_8h.xhtml">NEFunctions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_functions_8h_source.xhtml b/documentation/_n_e_functions_8h_source.xhtml index c44923237..d117bc396 100644 --- a/documentation/_n_e_functions_8h_source.xhtml +++ b/documentation/_n_e_functions_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -185,7 +185,7 @@ $(document).ready(function(){initNavTree('_n_e_functions_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_functions_8h.xhtml">NEFunctions.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_8h.xhtml b/documentation/_n_e_g_e_m_m_8h.xhtml index 829e078f5..98e3ee43a 100644 --- a/documentation/_n_e_g_e_m_m_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_8h.xhtml">NEGEMM.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_8h_source.xhtml b/documentation/_n_e_g_e_m_m_8h_source.xhtml index 243145077..fba77b8d0 100644 --- a/documentation/_n_e_g_e_m_m_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_8h.xhtml">NEGEMM.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_interleave4x4_8h.xhtml b/documentation/_n_e_g_e_m_m_interleave4x4_8h.xhtml index e4393572e..9cb12bfdd 100644 --- a/documentation/_n_e_g_e_m_m_interleave4x4_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_interleave4x4_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_interleave4x4_8h.xhtml">NEGEMMInterleave4x4.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_interleave4x4_8h_source.xhtml b/documentation/_n_e_g_e_m_m_interleave4x4_8h_source.xhtml index 5584b946b..ce6793301 100644 --- a/documentation/_n_e_g_e_m_m_interleave4x4_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_interleave4x4_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_interleave4x4_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_interleave4x4_8h.xhtml">NEGEMMInterleave4x4.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml index 5fcd61379..d55e9ab93 100644 --- a/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml">NEGEMMInterleave4x4Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h_source.xhtml index 7357ba52d..26a239eff 100644 --- a/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_interleave4x4_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_interleave4x4_kernel_8h_s <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_interleave4x4_kernel_8h.xhtml">NEGEMMInterleave4x4Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_lowp_8h.xhtml b/documentation/_n_e_g_e_m_m_lowp_8h.xhtml index daed9cad9..5f4145ce9 100644 --- a/documentation/_n_e_g_e_m_m_lowp_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_lowp_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_lowp_8h.xhtml">NEGEMMLowp.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_lowp_8h_source.xhtml b/documentation/_n_e_g_e_m_m_lowp_8h_source.xhtml index 3c61cefa8..62fb8c92e 100644 --- a/documentation/_n_e_g_e_m_m_lowp_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_lowp_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_lowp_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_lowp_8h.xhtml">NEGEMMLowp.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml index 8bf227303..cd2b95ab1 100644 --- a/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml">NEGEMMLowpMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml index a1ae37fc3..5e1803e4e 100644 --- a/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_lowp_matrix_multiply_kern <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml">NEGEMMLowpMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml index 574a297c0..a662667e5 100644 --- a/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml">NEGEMMMatrixAccumulateBiasesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml index 9a084efa8..ea72ddd27 100644 --- a/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_matrix_accumulate_biases_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml">NEGEMMMatrixAccumulateBiasesKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml index 396bd7623..b85e04a82 100644 --- a/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml">NEGEMMMatrixAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h_source.xhtml index e84ebe303..78dd185b1 100644 --- a/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_addition_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_matrix_addition_kernel_8h <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_addition_kernel_8h.xhtml">NEGEMMMatrixAdditionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml index 5b92f3295..88e83433a 100644 --- a/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml">NEGEMMMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml index eb4080884..c0717a369 100644 --- a/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_matrix_multiply_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_matrix_multiply_kernel_8h <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_matrix_multiply_kernel_8h.xhtml">NEGEMMMatrixMultiplyKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_transpose1x_w_8h.xhtml b/documentation/_n_e_g_e_m_m_transpose1x_w_8h.xhtml index d6a9c9b63..f56805b49 100644 --- a/documentation/_n_e_g_e_m_m_transpose1x_w_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_transpose1x_w_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_transpose1x_w_8h.xhtml">NEGEMMTranspose1xW.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_transpose1x_w_8h_source.xhtml b/documentation/_n_e_g_e_m_m_transpose1x_w_8h_source.xhtml index 641044e10..eaf873645 100644 --- a/documentation/_n_e_g_e_m_m_transpose1x_w_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_transpose1x_w_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_transpose1x_w_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_transpose1x_w_8h.xhtml">NEGEMMTranspose1xW.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml b/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml index 97ddafad4..ba6ce4016 100644 --- a/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml +++ b/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml">NEGEMMTranspose1xWKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml b/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml index e94da3c18..c2333357a 100644 --- a/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml +++ b/documentation/_n_e_g_e_m_m_transpose1x_w_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_n_e_g_e_m_m_transpose1x_w_kernel_8h_s <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml">NEGEMMTranspose1xWKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian3x3_8h.xhtml b/documentation/_n_e_gaussian3x3_8h.xhtml index 00e6bd1c2..254fd0976 100644 --- a/documentation/_n_e_gaussian3x3_8h.xhtml +++ b/documentation/_n_e_gaussian3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian3x3_8h.xhtml">NEGaussian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian3x3_8h_source.xhtml b/documentation/_n_e_gaussian3x3_8h_source.xhtml index 12d104634..a0412b7ed 100644 --- a/documentation/_n_e_gaussian3x3_8h_source.xhtml +++ b/documentation/_n_e_gaussian3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian3x3_8h_source.xhtml',''); <div class="title">NEGaussian3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_gaussian3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml">NEGaussian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_gaussian3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml">NEGaussian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_gaussian3x3_xhtml_ac735b829e93802466145844b04d1ab48"><div class="ttname"><a href="classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48">arm_compute::NEGaussian3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s input, output and border mode. </div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian3x3_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian3x3_8h.xhtml">NEGaussian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian3x3_kernel_8h.xhtml b/documentation/_n_e_gaussian3x3_kernel_8h.xhtml index c1d8187aa..95f94199f 100644 --- a/documentation/_n_e_gaussian3x3_kernel_8h.xhtml +++ b/documentation/_n_e_gaussian3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian3x3_kernel_8h.xhtml">NEGaussian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian3x3_kernel_8h_source.xhtml b/documentation/_n_e_gaussian3x3_kernel_8h_source.xhtml index bac1363e5..bffd20126 100644 --- a/documentation/_n_e_gaussian3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_gaussian3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian3x3_kernel_8h_source.xhtm <div class="contents"> <a href="_n_e_gaussian3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml">NEGaussian3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> };</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_gaussian3x3_kernel_xhtml_a165cde4f51d6dc5cb425237cdf7535a4"><div class="ttname"><a href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">arm_compute::NEGaussian3x3Kernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, bool border_undefined)</div><div class="ttdoc">Set the source, destination and border mode of the kernel. </div></div> <div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian3x3_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian3x3_kernel_8h.xhtml">NEGaussian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian5x5_8h.xhtml b/documentation/_n_e_gaussian5x5_8h.xhtml index c70ee322a..b9d3cfe34 100644 --- a/documentation/_n_e_gaussian5x5_8h.xhtml +++ b/documentation/_n_e_gaussian5x5_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian5x5_8h.xhtml">NEGaussian5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian5x5_8h_source.xhtml b/documentation/_n_e_gaussian5x5_8h_source.xhtml index afbcd414f..f25f0b321 100644 --- a/documentation/_n_e_gaussian5x5_8h_source.xhtml +++ b/documentation/_n_e_gaussian5x5_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian5x5_8h_source.xhtml',''); <div class="title">NEGaussian5x5.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_gaussian5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN5x5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN5x5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEGaussian5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml">NEGaussian5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#a68588d8d5582ef6c0ad8fea6ac77dd25">NEGaussian5x5</a>();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> };</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> }</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN5x5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_gaussian5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN5x5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN5x5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEGaussian5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml">NEGaussian5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#a68588d8d5582ef6c0ad8fea6ac77dd25">NEGaussian5x5</a>();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a> _kernel_hor; </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a> _kernel_vert; </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp; </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> };</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> }</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN5x5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian5x5_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian5x5_8h.xhtml">NEGaussian5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian5x5_kernel_8h.xhtml b/documentation/_n_e_gaussian5x5_kernel_8h.xhtml index ea6436a05..47a8615f9 100644 --- a/documentation/_n_e_gaussian5x5_kernel_8h.xhtml +++ b/documentation/_n_e_gaussian5x5_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian5x5_kernel_8h.xhtml">NEGaussian5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian5x5_kernel_8h_source.xhtml b/documentation/_n_e_gaussian5x5_kernel_8h_source.xhtml index ee603c1b2..4ce734325 100644 --- a/documentation/_n_e_gaussian5x5_kernel_8h_source.xhtml +++ b/documentation/_n_e_gaussian5x5_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian5x5_kernel_8h_source.xhtm </div><!--header--> <div class="contents"> <a href="_n_e_gaussian5x5_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIAN5x5KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIAN5x5KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#ac1b9627b3909b4050f88a7f87ba65953">NEGaussian5x5HorKernel</a>();</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00057"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml"> 57</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> {</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> };</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> }</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIAN5x5KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEGaussian5x5HorKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian5x5_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian5x5_kernel_8h.xhtml">NEGaussian5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian_pyramid_8h.xhtml b/documentation/_n_e_gaussian_pyramid_8h.xhtml index 73d7b51f8..fe2f58d42 100644 --- a/documentation/_n_e_gaussian_pyramid_8h.xhtml +++ b/documentation/_n_e_gaussian_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -155,7 +155,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian_pyramid_8h.xhtml">NEGaussianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian_pyramid_8h_source.xhtml b/documentation/_n_e_gaussian_pyramid_8h_source.xhtml index 2ef232965..ed408e97e 100644 --- a/documentation/_n_e_gaussian_pyramid_8h_source.xhtml +++ b/documentation/_n_e_gaussian_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian_pyramid_8h_source.xhtml' <div class="title">NEGaussianPyramid.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_gaussian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_pyramid_8h.xhtml">arm_compute/core/IPyramid.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian_pyramid_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEGaussianPyramidKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scale_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEScaleKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussian5x5.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>();</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#af34c199e11afef4c68af773a9fd40150">~NEGaussianPyramid</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) = 0;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *_pyramid;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _tmp;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml"> 83</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> {</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<NEFillBorderKernel[]> _border_handler;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  std::unique_ptr<NEGaussianPyramidHorKernel[]> _horizontal_reduction;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::unique_ptr<NEGaussianPyramidVertKernel[]> _vertical_reduction;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> };</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml"> 106</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> {</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a>();</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  std::unique_ptr<Image[]> _offsets;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  std::unique_ptr<NEGaussian5x5[]> _gaus5x5;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  std::unique_ptr<NEScaleKernel[]> _scale_nearest;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> }</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_gaussian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_pyramid_8h.xhtml">arm_compute/core/IPyramid.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian_pyramid_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEGaussianPyramidKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scale_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEScaleKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussian5x5.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>();</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b">NEGaussianPyramid</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#af34c199e11afef4c68af773a9fd40150">~NEGaussianPyramid</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) = 0;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *_pyramid;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _tmp;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml"> 83</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> {</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<NEFillBorderKernel[]> _border_handler;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  std::unique_ptr<NEGaussianPyramidHorKernel[]> _horizontal_reduction;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::unique_ptr<NEGaussianPyramidVertKernel[]> _vertical_reduction;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> };</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml"> 106</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> {</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a>();</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  std::unique_ptr<Image[]> _offsets;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  std::unique_ptr<NEGaussian5x5[]> _gaus5x5;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  std::unique_ptr<NEScaleKernel[]> _scale_nearest;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> }</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pyramid_8h_xhtml"><div class="ttname"><a href="_pyramid_8h.xhtml">Pyramid.h</a></div></div> <div class="ttc" id="_n_e_gaussian_pyramid_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_gaussian_pyramid_kernel_8h.xhtml">NEGaussianPyramidKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian_pyramid_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_gaussian_pyramid_8h.xhtml">NEGaussianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian_pyramid_kernel_8h.xhtml b/documentation/_n_e_gaussian_pyramid_kernel_8h.xhtml index 7b6401d9c..e45c9ae7c 100644 --- a/documentation/_n_e_gaussian_pyramid_kernel_8h.xhtml +++ b/documentation/_n_e_gaussian_pyramid_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian_pyramid_kernel_8h.xhtml">NEGaussianPyramidKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_gaussian_pyramid_kernel_8h_source.xhtml b/documentation/_n_e_gaussian_pyramid_kernel_8h_source.xhtml index 18f835502..2c9b2fc9d 100644 --- a/documentation/_n_e_gaussian_pyramid_kernel_8h_source.xhtml +++ b/documentation/_n_e_gaussian_pyramid_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian_pyramid_kernel_8h_source <div class="contents"> <a href="_n_e_gaussian_pyramid_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEGAUSSIANPYRAMIDKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEGAUSSIANPYRAMIDKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a1dfc79d471f28f16d94dd428e1d29abb">NEGaussianPyramidHorKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a1dfc79d471f28f16d94dd428e1d29abb">NEGaussianPyramidHorKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a1dfc79d471f28f16d94dd428e1d29abb">NEGaussianPyramidHorKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#aa5030ad8be9a77dadfd6bca436fd16ad">~NEGaussianPyramidHorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">int</span> _l2_load_offset;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> };</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00068"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml"> 68</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a>();</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  ~<a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordtype">int</span> _t2_load_offset;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> };</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> }</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEGAUSSIANPYRAMIDKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel_xhtml_a165cde4f51d6dc5cb425237cdf7535a4"><div class="ttname"><a href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">arm_compute::NEGaussianPyramidHorKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s source, destination and border mode. </div></div> <div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEGaussianPyramidHorKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_gaussian_pyramid_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_gaussian_pyramid_kernel_8h.xhtml">NEGaussianPyramidKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_descriptor_8h.xhtml b/documentation/_n_e_h_o_g_descriptor_8h.xhtml index 984070d43..6ba7afba6 100644 --- a/documentation/_n_e_h_o_g_descriptor_8h.xhtml +++ b/documentation/_n_e_h_o_g_descriptor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_descriptor_8h.xhtml">NEHOGDescriptor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_descriptor_8h_source.xhtml b/documentation/_n_e_h_o_g_descriptor_8h_source.xhtml index 2df3ecfbc..b1c537f5d 100644 --- a/documentation/_n_e_h_o_g_descriptor_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_descriptor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_descriptor_8h_source.xhtml' <div class="title">NEHOGDescriptor.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_h_o_g_descriptor_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGDESCRIPTOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGDESCRIPTOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGDescriptorKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_gradient_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGGradient.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>IHOG;</div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml">NEHOGDescriptor</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653">NEHOGDescriptor</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_h_o_g.xhtml">IHOG</a> *hog, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> _gradient;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a> _orient_bin;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a> _block_norm;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _mag;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _hog_space;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHOGDESCRIPTOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_h_o_g_descriptor_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGDESCRIPTOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGDESCRIPTOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGDescriptorKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_gradient_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGGradient.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>IHOG;</div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml">NEHOGDescriptor</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653">NEHOGDescriptor</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_h_o_g.xhtml">IHOG</a> *hog, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> _gradient;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a> _orient_bin;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a> _block_norm;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _mag;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _hog_space;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> };</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHOGDESCRIPTOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_h_o_g_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_h_o_g.xhtml">arm_compute::IHOG</a></div><div class="ttdoc">Interface for HOG data-object. </div><div class="ttdef"><b>Definition:</b> <a href="_i_h_o_g_8h_source.xhtml#l00035">IHOG.h:35</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_n_e_h_o_g_descriptor_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">NEHOGDescriptorKernel.h</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_descriptor_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_descriptor_8h.xhtml">NEHOGDescriptor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_descriptor_kernel_8h.xhtml b/documentation/_n_e_h_o_g_descriptor_kernel_8h.xhtml index 8e0acdc8e..cb4fb0727 100644 --- a/documentation/_n_e_h_o_g_descriptor_kernel_8h.xhtml +++ b/documentation/_n_e_h_o_g_descriptor_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">NEHOGDescriptorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_descriptor_kernel_8h_source.xhtml b/documentation/_n_e_h_o_g_descriptor_kernel_8h_source.xhtml index da10a5b6b..bc252f940 100644 --- a/documentation/_n_e_h_o_g_descriptor_kernel_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_descriptor_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_descriptor_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">NEHOGDescriptorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_detector_8h.xhtml b/documentation/_n_e_h_o_g_detector_8h.xhtml index 847ce9036..c7f938839 100644 --- a/documentation/_n_e_h_o_g_detector_8h.xhtml +++ b/documentation/_n_e_h_o_g_detector_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_detector_8h.xhtml">NEHOGDetector.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_detector_8h_source.xhtml b/documentation/_n_e_h_o_g_detector_8h_source.xhtml index 3c8a77fb4..ef028f407 100644 --- a/documentation/_n_e_h_o_g_detector_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_detector_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_detector_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_detector_8h.xhtml">NEHOGDetector.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_detector_kernel_8h.xhtml b/documentation/_n_e_h_o_g_detector_kernel_8h.xhtml index 4637767b7..97e67cde2 100644 --- a/documentation/_n_e_h_o_g_detector_kernel_8h.xhtml +++ b/documentation/_n_e_h_o_g_detector_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_detector_kernel_8h.xhtml">NEHOGDetectorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_detector_kernel_8h_source.xhtml b/documentation/_n_e_h_o_g_detector_kernel_8h_source.xhtml index 36c81f6b0..3354e6811 100644 --- a/documentation/_n_e_h_o_g_detector_kernel_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_detector_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_detector_kernel_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_detector_kernel_8h.xhtml">NEHOGDetectorKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_gradient_8h.xhtml b/documentation/_n_e_h_o_g_gradient_8h.xhtml index 8c04cf07e..06b057c28 100644 --- a/documentation/_n_e_h_o_g_gradient_8h.xhtml +++ b/documentation/_n_e_h_o_g_gradient_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_gradient_8h.xhtml">NEHOGGradient.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_gradient_8h_source.xhtml b/documentation/_n_e_h_o_g_gradient_8h_source.xhtml index 80432abd9..d14f3dec1 100644 --- a/documentation/_n_e_h_o_g_gradient_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_gradient_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,9 +116,9 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_gradient_8h_source.xhtml',' <div class="title">NEHOGGradient.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_h_o_g_gradient_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGGRADIENT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGGRADIENT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_derivative_8h.xhtml">arm_compute/runtime/NEON/functions/NEDerivative.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml"> 45</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ab664c758b1e6a112b0a9f2e82b04f605">NEHOGGradient</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_magnitude, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_phase, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> phase_type, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> _derivative;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  std::unique_ptr<INEKernel> _mag_phase;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gx;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gy;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHOGGRADIENT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_h_o_g_gradient_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGGRADIENT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGGRADIENT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_derivative_8h.xhtml">arm_compute/runtime/NEON/functions/NEDerivative.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml"> 45</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ab664c758b1e6a112b0a9f2e82b04f605">NEHOGGradient</a>();</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_magnitude, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_phase, <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a> phase_type, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> _derivative;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  std::unique_ptr<INEKernel> _mag_phase;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gx;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _gy;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHOGGRADIENT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00235">Types.h:235</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00248">Types.h:248</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_h_o_g_gradient_xhtml_ab664c758b1e6a112b0a9f2e82b04f605"><div class="ttname"><a href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ab664c758b1e6a112b0a9f2e82b04f605">arm_compute::NEHOGGradient::NEHOGGradient</a></div><div class="ttdeci">NEHOGGradient()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_gradient_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_gradient_8h.xhtml">NEHOGGradient.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_multi_detection_8h.xhtml b/documentation/_n_e_h_o_g_multi_detection_8h.xhtml index 3499e5790..cac1601d3 100644 --- a/documentation/_n_e_h_o_g_multi_detection_8h.xhtml +++ b/documentation/_n_e_h_o_g_multi_detection_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_multi_detection_8h.xhtml">NEHOGMultiDetection.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_multi_detection_8h_source.xhtml b/documentation/_n_e_h_o_g_multi_detection_8h_source.xhtml index 347132c50..c62f7416b 100644 --- a/documentation/_n_e_h_o_g_multi_detection_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_multi_detection_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_multi_detection_8h_source.x <div class="title">NEHOGMultiDetection.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_h_o_g_multi_detection_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGMULTIDETECTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGMULTIDETECTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_multi_h_o_g_8h.xhtml">arm_compute/core/IMultiHOG.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGDescriptorKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGNonMaximaSuppressionKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_detector_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGDetector.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_gradient_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGGradient.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml"> 52</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8">NEHOGMultiDetection</a>();</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8">NEHOGMultiDetection</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &<a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_h_o_g.xhtml">IMultiHOG</a> *multi_hog, <a class="code" href="classarm__compute_1_1_i_array.xhtml">IDetectionWindowArray</a> *detection_windows, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">ISize2DArray</a> *detection_window_strides, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  uint8_t constant_border_value = 0,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">float</span> threshold = 0.0f, <span class="keywordtype">bool</span> non_maxima_suppression = <span class="keyword">false</span>, <span class="keywordtype">float</span> min_distance = 1.0f);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> _gradient_kernel;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::unique_ptr<NEHOGOrientationBinningKernel[]> _orient_bin_kernel;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  std::unique_ptr<NEHOGBlockNormalizationKernel[]> _block_norm_kernel;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::unique_ptr<NEHOGDetector[]> _hog_detect_kernel;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  std::unique_ptr<NEHOGNonMaximaSuppressionKernel> _non_maxima_kernel;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  std::unique_ptr<Tensor[]> _hog_space;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<Tensor[]> _hog_norm_space;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IDetectionWindowArray</a> *_detection_windows;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _mag;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordtype">bool</span> _non_maxima_suppression;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="keywordtype">size_t</span> _num_orient_bin_kernel;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">size_t</span> _num_block_norm_kernel;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">size_t</span> _num_hog_detect_kernel;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHOGMULTIDETECTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_h_o_g_multi_detection_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHOGMULTIDETECTION_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHOGMULTIDETECTION_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_multi_h_o_g_8h.xhtml">arm_compute/core/IMultiHOG.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_descriptor_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGDescriptorKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHOGNonMaximaSuppressionKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_detector_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGDetector.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_n_e_h_o_g_gradient_8h.xhtml">arm_compute/runtime/NEON/functions/NEHOGGradient.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml"> 52</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8">NEHOGMultiDetection</a>();</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8">NEHOGMultiDetection</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &<a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_multi_h_o_g.xhtml">IMultiHOG</a> *multi_hog, <a class="code" href="classarm__compute_1_1_i_array.xhtml">IDetectionWindowArray</a> *detection_windows, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">ISize2DArray</a> *detection_window_strides, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  uint8_t constant_border_value = 0,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">float</span> threshold = 0.0f, <span class="keywordtype">bool</span> non_maxima_suppression = <span class="keyword">false</span>, <span class="keywordtype">float</span> min_distance = 1.0f);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited method overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> _gradient_kernel;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::unique_ptr<NEHOGOrientationBinningKernel[]> _orient_bin_kernel;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  std::unique_ptr<NEHOGBlockNormalizationKernel[]> _block_norm_kernel;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::unique_ptr<NEHOGDetector[]> _hog_detect_kernel;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  std::unique_ptr<NEHOGNonMaximaSuppressionKernel> _non_maxima_kernel;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  std::unique_ptr<Tensor[]> _hog_space;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::unique_ptr<Tensor[]> _hog_norm_space;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IDetectionWindowArray</a> *_detection_windows;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _mag;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _phase;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordtype">bool</span> _non_maxima_suppression;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="keywordtype">size_t</span> _num_orient_bin_kernel;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">size_t</span> _num_block_norm_kernel;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">size_t</span> _num_hog_detect_kernel;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHOGMULTIDETECTION_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_i_multi_h_o_g_8h_xhtml"><div class="ttname"><a href="_i_multi_h_o_g_8h.xhtml">IMultiHOG.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_array_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_array.xhtml">arm_compute::IArray</a></div><div class="ttdoc">Array of type T. </div><div class="ttdef"><b>Definition:</b> <a href="_i_array_8h_source.xhtml#l00040">IArray.h:40</a></div></div> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_multi_detection_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_multi_detection_8h.xhtml">NEHOGMultiDetection.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml b/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml index 4a774cf50..231ab9c0e 100644 --- a/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml +++ b/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml">NEHOGNonMaximaSuppressionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h_source.xhtml b/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h_source.xhtml index ff619505f..5e035dd70 100644 --- a/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h_source.xhtml +++ b/documentation/_n_e_h_o_g_non_maxima_suppression_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_h_o_g_non_maxima_suppression_kern <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml">NEHOGNonMaximaSuppressionKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_harris_corners_8h.xhtml b/documentation/_n_e_harris_corners_8h.xhtml index 8813ce17c..0f6ab2e52 100644 --- a/documentation/_n_e_harris_corners_8h.xhtml +++ b/documentation/_n_e_harris_corners_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_harris_corners_8h.xhtml">NEHarrisCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_harris_corners_8h_source.xhtml b/documentation/_n_e_harris_corners_8h_source.xhtml index 5e733abbe..76e79f1b7 100644 --- a/documentation/_n_e_harris_corners_8h_source.xhtml +++ b/documentation/_n_e_harris_corners_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_harris_corners_8h_source.xhtml',' <div class="title">NEHarrisCorners.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_harris_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHARRISCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHARRISCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_corner_candidates_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPCornerCandidatesKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPSortEuclideanDistanceKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_harris_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_n_e_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00059"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_corners.xhtml"> 59</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml">NEHarrisCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#a259da54cffdfb1865c7f5374f3e7142c">NEHarrisCorners</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">float</span> min_dist, <span class="keywordtype">float</span> sensitivity,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  int32_t gradient_size, int32_t block_size, <a class="code" href="classarm__compute_1_1_array.xhtml">KeyPointArray</a> *corners,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0, <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::unique_ptr<INEHarrisScoreKernel> _harris_score; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> _non_max_suppr; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> _candidates; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> _sort_euclidean; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_gx; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_gy; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _gx; </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _gy; </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _score; </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _nonmax; </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<InternalKeypoint[]> _corners_list; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  int32_t _num_corner_candidates; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> };</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> }</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHARRISCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_harris_corners_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHARRISCORNERS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHARRISCORNERS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_corner_candidates_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPCornerCandidatesKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPSortEuclideanDistanceKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_harris_corners_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHarrisCornersKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_n_e_non_maxima_suppression3x3_8h.xhtml">arm_compute/runtime/NEON/functions/NENonMaximaSuppression3x3.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00059"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_corners.xhtml"> 59</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml">NEHarrisCorners</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#a259da54cffdfb1865c7f5374f3e7142c">NEHarrisCorners</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <span class="keywordtype">float</span> threshold, <span class="keywordtype">float</span> min_dist, <span class="keywordtype">float</span> sensitivity,</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  int32_t gradient_size, int32_t block_size, <a class="code" href="classarm__compute_1_1_array.xhtml">KeyPointArray</a> *corners,</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0, <span class="keywordtype">bool</span> use_fp16 = <span class="keyword">false</span>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::unique_ptr<IFunction> _sobel; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::unique_ptr<INEHarrisScoreKernel> _harris_score; </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> _non_max_suppr; </div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> _candidates; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> _sort_euclidean; </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_gx; </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_gy; </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _gx; </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _gy; </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _score; </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Image</a> _nonmax; </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  std::unique_ptr<InternalKeypoint[]> _corners_list; </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  int32_t _num_corner_candidates; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> };</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> }</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHARRISCORNERS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">arm_compute::NENonMaximaSuppression3x3</a></div><div class="ttdoc">Basic function to execute non-maxima suppression over a 3x3 window. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_maxima_suppression3x3_8h_source.xhtml#l00040">NENonMaximaSuppression3x3.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -146,7 +146,7 @@ $(document).ready(function(){initNavTree('_n_e_harris_corners_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_harris_corners_8h.xhtml">NEHarrisCorners.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_harris_corners_kernel_8h.xhtml b/documentation/_n_e_harris_corners_kernel_8h.xhtml index 19571f00c..1f82bdd63 100644 --- a/documentation/_n_e_harris_corners_kernel_8h.xhtml +++ b/documentation/_n_e_harris_corners_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -151,7 +151,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_harris_corners_kernel_8h.xhtml">NEHarrisCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_harris_corners_kernel_8h_source.xhtml b/documentation/_n_e_harris_corners_kernel_8h_source.xhtml index 8acaf498e..b05536b33 100644 --- a/documentation/_n_e_harris_corners_kernel_8h_source.xhtml +++ b/documentation/_n_e_harris_corners_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_harris_corners_kernel_8h_source.x <div class="title">NEHarrisCornersKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_harris_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_corner_candidates_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPCornerCandidatesKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPSortEuclideanDistanceKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <mutex></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml"> 41</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>();</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>(<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">operator=</a>(<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#af74d3413c9011d560c8a572037f4df9b">~INEHarrisScoreKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) = 0;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input1; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input2; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_output; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">float</span> _sensitivity; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">float</span> _strength_thresh; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">float</span> _norm_factor; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> };</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml"> 84</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) <span class="keyword">override</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keyword">using</span> HarrisScoreFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input1_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input2_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, int32_t input_stride,</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">float</span> strength_thresh);</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  HarrisScoreFunction *_func;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> };</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> <span class="preprocessor">#ifdef ARM_COMPUTE_ENABLE_FP16</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml"> 105</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> {</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a>();</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) <span class="keyword">override</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> </div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keyword">using</span> HarrisScoreFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input1_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input2_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, int32_t input_stride,</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">float</span> strength_thresh);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  HarrisScoreFunction *_func;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> <span class="preprocessor">#else</span></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> = <a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel<block_size></a>;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span> }</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_n_e_harris_corners_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_corner_candidates_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPCornerCandidatesKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_c_p_p_sort_euclidean_distance_kernel_8h.xhtml">arm_compute/core/CPP/kernels/CPPSortEuclideanDistanceKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <mutex></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml"> 41</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>();</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce">INEHarrisScoreKernel</a>(<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">operator=</a>(<a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#af74d3413c9011d560c8a572037f4df9b">~INEHarrisScoreKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) = 0;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input1; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input2; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_output; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">float</span> _sensitivity; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">float</span> _strength_thresh; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">float</span> _norm_factor; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> };</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml"> 84</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) <span class="keyword">override</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keyword">using</span> HarrisScoreFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input1_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input2_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, int32_t input_stride,</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">float</span> strength_thresh);</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  HarrisScoreFunction *_func;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> };</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> <span class="preprocessor">#ifdef ARM_COMPUTE_ENABLE_FP16</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml"> 105</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> {</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a>();</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input1, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input2, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *output, <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> strength_thresh, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">bool</span> border_undefined) <span class="keyword">override</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> </div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keyword">using</span> HarrisScoreFunction = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input1_ptr, <span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input2_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, int32_t input_stride,</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordtype">float</span> norm_factor, <span class="keywordtype">float</span> sensitivity, <span class="keywordtype">float</span> strength_thresh);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  HarrisScoreFunction *_func;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> <span class="preprocessor">#else</span></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="keyword">template</span> <<span class="keywordtype">int</span>32_t block_size></div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> = <a class="code" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel<block_size></a>;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span> }</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEHARRISCORNERSKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_harris_score_kernel_xhtml_a232af38fd41caa594d7bc0571f56f50c"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">arm_compute::INEHarrisScoreKernel::operator=</a></div><div class="ttdeci">INEHarrisScoreKernel & operator=(const INEHarrisScoreKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml_a6f56c8bb44166634652b877d6eb7a9a2"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">arm_compute::ICPPKernel::run</a></div><div class="ttdeci">virtual void run(const Window &window)=0</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> @@ -142,7 +142,7 @@ $(document).ready(function(){initNavTree('_n_e_harris_corners_kernel_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_harris_corners_kernel_8h.xhtml">NEHarrisCornersKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_histogram_8h.xhtml b/documentation/_n_e_histogram_8h.xhtml index 733f8631a..1d461b545 100644 --- a/documentation/_n_e_histogram_8h.xhtml +++ b/documentation/_n_e_histogram_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_histogram_8h.xhtml','');}); <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="nested-classes"></a> Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute histogram. <a href="classarm__compute_1_1_n_e_histogram.xhtml#details">More...</a><br /></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>. <a href="classarm__compute_1_1_n_e_histogram.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="namespaces"></a> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_histogram_8h.xhtml">NEHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_histogram_8h_source.xhtml b/documentation/_n_e_histogram_8h_source.xhtml index 429e63dfc..cd3c290b4 100644 --- a/documentation/_n_e_histogram_8h_source.xhtml +++ b/documentation/_n_e_histogram_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,16 +116,15 @@ $(document).ready(function(){initNavTree('_n_e_histogram_8h_source.xhtml','');}) <div class="title">NEHistogram.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_histogram_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHISTOGRAM_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHISTOGRAM_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_histogram_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHistogramKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>IDistribution1D;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_histogram.xhtml"> 44</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">NEHistogram</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> _histogram_kernel;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> _border_histogram_kernel;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  std::unique_ptr<uint32_t[]> _local_hist;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  std::unique_ptr<uint32_t[]> _window_lut;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">size_t</span> _local_hist_size;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">bool</span> _run_border_hist;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keyword">static</span> constexpr <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> window_lut_default_size = 256;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> };</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHISTOGRAM_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml_a15d0892c4a1aa404f5a6967b8bc49fa8"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">arm_compute::NEHistogram::NEHistogram</a></div><div class="ttdeci">NEHistogram()</div><div class="ttdoc">Default Constructor. </div></div> +<a href="_n_e_histogram_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHISTOGRAM_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHISTOGRAM_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_histogram_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEHistogramKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>IDistribution1D;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_histogram.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">NEHistogram</a>();</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> _histogram_kernel;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  std::unique_ptr<uint32_t[]> _local_hist;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  std::unique_ptr<uint32_t[]> _window_lut;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordtype">size_t</span> _local_hist_size;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keyword">static</span> constexpr <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> window_lut_default_size = 256;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> };</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> }</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHISTOGRAM_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml_a15d0892c4a1aa404f5a6967b8bc49fa8"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">arm_compute::NEHistogram::NEHistogram</a></div><div class="ttdeci">NEHistogram()</div><div class="ttdoc">Default Constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml_aaae5b09830704e2ed3cf7d09fe01bfc9"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">arm_compute::NEHistogram::configure</a></div><div class="ttdeci">void configure(const IImage *input, IDistribution1D *output)</div><div class="ttdoc">Initialise the kernel&#39;s inputs. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml">arm_compute::NEHistogram</a></div><div class="ttdoc">Basic function to execute histogram. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_8h_source.xhtml#l00044">NEHistogram.h:44</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml">arm_compute::NEHistogram</a></div><div class="ttdoc">Basic function to run NEHistogramKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_8h_source.xhtml#l00039">NEHistogram.h:39</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">arm_compute::NEHistogramKernel</a></div><div class="ttdoc">Interface for the histogram kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_kernel_8h_source.xhtml#l00040">NEHistogramKernel.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_distribution1_d_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_distribution1_d.xhtml">arm_compute::IDistribution1D</a></div><div class="ttdoc">1D Distribution interface </div><div class="ttdef"><b>Definition:</b> <a href="_i_distribution1_d_8h_source.xhtml#l00035">IDistribution1D.h:35</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEHistogram::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_histogram_border_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">arm_compute::NEHistogramBorderKernel</a></div><div class="ttdoc">Interface for the histogram border handling kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_kernel_8h_source.xhtml#l00136">NEHistogramKernel.h:136</a></div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> <div class="ttc" id="_n_e_histogram_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_histogram_kernel_8h.xhtml">NEHistogramKernel.h</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -134,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_histogram_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_histogram_8h.xhtml">NEHistogram.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_histogram_kernel_8h.xhtml b/documentation/_n_e_histogram_kernel_8h.xhtml index 096e956a3..a4b862cab 100644 --- a/documentation/_n_e_histogram_kernel_8h.xhtml +++ b/documentation/_n_e_histogram_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,9 +131,6 @@ Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the histogram kernel. <a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the histogram border handling kernel. <a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="namespaces"></a> Namespaces</h2></td></tr> @@ -146,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_histogram_kernel_8h.xhtml">NEHistogramKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_histogram_kernel_8h_source.xhtml b/documentation/_n_e_histogram_kernel_8h_source.xhtml index e287cd04e..a5441f923 100644 --- a/documentation/_n_e_histogram_kernel_8h_source.xhtml +++ b/documentation/_n_e_histogram_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_histogram_kernel_8h_source.xhtml' <div class="title">NEHistogramKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_histogram_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHISTOGRAMKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHISTOGRAMKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <mutex></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>IDistribution1D;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e">~NEHistogramKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, uint32_t *local_hist, uint32_t *window_lut);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">void</span> merge_histogram(uint32_t *global_hist, <span class="keyword">const</span> uint32_t *local_hist, <span class="keywordtype">size_t</span> bins);</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordtype">void</span> merge_min(uint8_t *global_min, <span class="keyword">const</span> uint8_t &local_min);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">void</span> histogram_U8(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordtype">void</span> histogram_fixed_U8(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> calculate_window_lut() <span class="keyword">const</span>;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">using</span> HistogramFunction = void (<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>::*)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  HistogramFunction _func;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *_output;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  uint32_t *_local_hist;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  uint32_t *_window_lut;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  std::mutex _hist_mtx;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="keyword">static</span> constexpr <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _max_range_size{ 256 }; </div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> };</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> </div><div class="line"><a name="l00136"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml"> 136</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span> {</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>();</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  ~<a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span> </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, uint32_t *window_lut, <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> hist_elements_per_thread);</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> hist_elements_per_thread);</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> </div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a">is_parallelisable</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordtype">void</span> histogram_U8(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  <span class="keywordtype">void</span> histogram_fixed_U8(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <span class="keyword">using</span> HistogramBorderFunction = void (<a class="code" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>::*)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  HistogramBorderFunction _func;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> </div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input;</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *_output;</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  uint32_t *_window_lut;</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  <span class="keyword">static</span> constexpr <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _max_range_size{ 256 }; </div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> };</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> }</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span> </div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHISTOGRAMKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml_a13563fca453f4925820f84d182294b9d"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">arm_compute::NEHistogramKernel::NEHistogramKernel</a></div><div class="ttdeci">NEHistogramKernel()</div><div class="ttdoc">Default constructor. </div></div> +<a href="_n_e_histogram_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEHISTOGRAMKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEHISTOGRAMKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <mutex></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>IDistribution1D;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e">~NEHistogramKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, uint32_t *local_hist, uint32_t *window_lut);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *input, <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">void</span> merge_histogram(uint32_t *global_hist, <span class="keyword">const</span> uint32_t *local_hist, <span class="keywordtype">size_t</span> bins);</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordtype">void</span> merge_min(uint8_t *global_min, <span class="keyword">const</span> uint8_t &local_min);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">void</span> histogram_U8(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> win);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordtype">void</span> histogram_fixed_U8(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> win);</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> calculate_window_lut() <span class="keyword">const</span>;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">using</span> HistogramFunctionPtr = void (<a class="code" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>::*)(<a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> <a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  HistogramFunctionPtr _func; </div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">IImage</a> *_input;</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <a class="code" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *_output;</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  uint32_t *_local_hist;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  uint32_t *_window_lut;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  std::mutex _hist_mtx;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keyword">static</span> constexpr <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _max_range_size{ 256 }; </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> };</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> }</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEHISTOGRAMKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml_a13563fca453f4925820f84d182294b9d"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">arm_compute::NEHistogramKernel::NEHistogramKernel</a></div><div class="ttdeci">NEHistogramKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEHistogramKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -124,9 +124,7 @@ $(document).ready(function(){initNavTree('_n_e_histogram_kernel_8h_source.xhtml' <div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">arm_compute::NEHistogramKernel</a></div><div class="ttdoc">Interface for the histogram kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_kernel_8h_source.xhtml#l00040">NEHistogramKernel.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml_a4983480fbaa765aea4052cf5c28bf60e"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e">arm_compute::NEHistogramKernel::~NEHistogramKernel</a></div><div class="ttdeci">~NEHistogramKernel()=default</div><div class="ttdoc">Default destructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_distribution1_d_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_distribution1_d.xhtml">arm_compute::IDistribution1D</a></div><div class="ttdoc">1D Distribution interface </div><div class="ttdef"><b>Definition:</b> <a href="_i_distribution1_d_8h_source.xhtml#l00035">IDistribution1D.h:35</a></div></div> -<div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_abfab8f0d4928e1081d9f65b77933e24a"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a">arm_compute::IKernel::is_parallelisable</a></div><div class="ttdeci">virtual bool is_parallelisable() const </div><div class="ttdoc">Indicates whether or not the kernel is parallelisable. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac20902ac1ef01783c8a8d71a9bdf1100"><div class="ttname"><a href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">arm_compute::IImage</a></div><div class="ttdeci">ITensor IImage</div><div class="ttdef"><b>Definition:</b> <a href="_c_p_p_corner_candidates_kernel_8h_source.xhtml#l00036">CPPCornerCandidatesKernel.h:36</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_histogram_border_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">arm_compute::NEHistogramBorderKernel</a></div><div class="ttdoc">Interface for the histogram border handling kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_histogram_kernel_8h_source.xhtml#l00136">NEHistogramKernel.h:136</a></div></div> <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_histogram_kernel_xhtml_aa6f4a855483e2d24a509181faa893b75"><div class="ttname"><a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">arm_compute::NEHistogramKernel::configure</a></div><div class="ttdeci">void configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut)</div><div class="ttdoc">Set the input image and the distribution output. </div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> @@ -138,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_histogram_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_histogram_kernel_8h.xhtml">NEHistogramKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_im2_col_kernel_8h.xhtml b/documentation/_n_e_im2_col_kernel_8h.xhtml index 4ee052866..fb072c58b 100644 --- a/documentation/_n_e_im2_col_kernel_8h.xhtml +++ b/documentation/_n_e_im2_col_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_im2_col_kernel_8h.xhtml">NEIm2ColKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_im2_col_kernel_8h_source.xhtml b/documentation/_n_e_im2_col_kernel_8h_source.xhtml index 1e5f9ee04..274061c1a 100644 --- a/documentation/_n_e_im2_col_kernel_8h_source.xhtml +++ b/documentation/_n_e_im2_col_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('_n_e_im2_col_kernel_8h_source.xhtml',' <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_im2_col_kernel_xhtml_aec5fb874227c941e8ac14de3d29e543b"><div class="ttname"><a href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aec5fb874227c941e8ac14de3d29e543b">arm_compute::NEIm2ColKernel::NEIm2ColKernel</a></div><div class="ttdeci">NEIm2ColKernel()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00362">Types.h:362</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00375">Types.h:375</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_im2_col_kernel_xhtml_a41640cf029f97ac96a46cfee7d219fb4"><div class="ttname"><a href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4">arm_compute::NEIm2ColKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, std::pair< unsigned int, unsigned int > convolved_dims, const PadStrideInfo &conv_info, bool has_bias)</div><div class="ttdoc">Set the input and output of the kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_im2_col_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEIm2ColKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_im2_col_kernel_xhtml_acaa705664e19820e28eb86f7737a98ba"><div class="ttname"><a href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#acaa705664e19820e28eb86f7737a98ba">arm_compute::NEIm2ColKernel::~NEIm2ColKernel</a></div><div class="ttdeci">~NEIm2ColKernel()=default</div><div class="ttdoc">Default destructor. </div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_im2_col_kernel_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_im2_col_kernel_8h.xhtml">NEIm2ColKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_integral_image_8h.xhtml b/documentation/_n_e_integral_image_8h.xhtml index c663a02d9..2001867a3 100644 --- a/documentation/_n_e_integral_image_8h.xhtml +++ b/documentation/_n_e_integral_image_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_integral_image_8h.xhtml">NEIntegralImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_integral_image_8h_source.xhtml b/documentation/_n_e_integral_image_8h_source.xhtml index 8947565a3..dc37ef03f 100644 --- a/documentation/_n_e_integral_image_8h_source.xhtml +++ b/documentation/_n_e_integral_image_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_integral_image_8h_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_integral_image_8h.xhtml">NEIntegralImage.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_integral_image_kernel_8h.xhtml b/documentation/_n_e_integral_image_kernel_8h.xhtml index 554353e11..7607fcd2e 100644 --- a/documentation/_n_e_integral_image_kernel_8h.xhtml +++ b/documentation/_n_e_integral_image_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_integral_image_kernel_8h.xhtml">NEIntegralImageKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_integral_image_kernel_8h_source.xhtml b/documentation/_n_e_integral_image_kernel_8h_source.xhtml index 47412bbee..ffb81d8a0 100644 --- a/documentation/_n_e_integral_image_kernel_8h_source.xhtml +++ b/documentation/_n_e_integral_image_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_integral_image_kernel_8h_source.x <div class="contents"> <a href="_n_e_integral_image_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEINTEGRALIMAGEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEINTEGRALIMAGEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> </div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">is_parallelisable</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> };</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEINTEGRALIMAGEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_integral_image_kernel_xhtml_a83a344e60eb7db895953a942abf16628"><div class="ttname"><a href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628">arm_compute::NEIntegralImageKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output)</div><div class="ttdoc">Set the source, destination and border mode of the kernel. </div></div> <div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_integral_image_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NEIntegralImageKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_integral_image_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEIntegralImageKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_integral_image_kernel_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_integral_image_kernel_8h.xhtml">NEIntegralImageKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_kernels_8h.xhtml b/documentation/_n_e_kernels_8h.xhtml index 956c274c9..9bd547834 100644 --- a/documentation/_n_e_kernels_8h.xhtml +++ b/documentation/_n_e_kernels_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -187,7 +187,7 @@ $(document).ready(function(){initNavTree('_n_e_kernels_8h.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_kernels_8h.xhtml">NEKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_kernels_8h_source.xhtml b/documentation/_n_e_kernels_8h_source.xhtml index af458b222..86d78cfce 100644 --- a/documentation/_n_e_kernels_8h_source.xhtml +++ b/documentation/_n_e_kernels_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -185,7 +185,7 @@ $(document).ready(function(){initNavTree('_n_e_kernels_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_kernels_8h.xhtml">NEKernels.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_l_k_tracker_kernel_8h.xhtml b/documentation/_n_e_l_k_tracker_kernel_8h.xhtml index 6d1d9cf8e..0bcde0dd3 100644 --- a/documentation/_n_e_l_k_tracker_kernel_8h.xhtml +++ b/documentation/_n_e_l_k_tracker_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -155,7 +155,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_l_k_tracker_kernel_8h.xhtml">NELKTrackerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_l_k_tracker_kernel_8h_source.xhtml b/documentation/_n_e_l_k_tracker_kernel_8h_source.xhtml index c3ca6280e..017e38728 100644 --- a/documentation/_n_e_l_k_tracker_kernel_8h_source.xhtml +++ b/documentation/_n_e_l_k_tracker_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_n_e_l_k_tracker_kernel_8h_source.xhtm <div class="title">NELKTrackerKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_l_k_tracker_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_LKTRACKERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_LKTRACKERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <tuple></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml"> 41</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e"> 43</a></span>  <span class="keywordtype">float</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e">x</a>{ 0.f }; </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217"> 44</a></span>  <span class="keywordtype">float</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217">y</a>{ 0.f }; </div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553"> 45</a></span>  <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553">tracking_status</a>{ <span class="keyword">false</span> }; </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> };</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487"> 48</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_i_array.xhtml">IArray<NELKInternalKeypoint></a>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00051"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml"> 51</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>();</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  ~<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_old, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_new, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gy,</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points_estimates, <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points,</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *old_points_internal, <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *new_points_internal,</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">bool</span> use_initial_estimate, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension,</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">size_t</span> level, <span class="keywordtype">size_t</span> num_levels, <span class="keywordtype">float</span> pyramid_scale, int32_t border_offset);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size() <span class="keyword">const override</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordtype">void</span> init_keypoints(<span class="keywordtype">int</span> start, <span class="keywordtype">int</span> end);</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  std::tuple<int, int, int> compute_spatial_gradient_matrix(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &keypoint, <span class="keywordtype">int</span> *bilinear_ix, <span class="keywordtype">int</span> *bilinear_iy);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  std::pair<int, int> compute_image_mismatch_vector(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &old_keypoint, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &new_keypoint, <span class="keyword">const</span> <span class="keywordtype">int</span> *bilinear_ix, <span class="keyword">const</span> <span class="keywordtype">int</span> *bilinear_iy);</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_old;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_new;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_old_scharr_gx;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_old_scharr_gy;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *_old_points_internal;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *_new_points_internal;</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> _termination;</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordtype">bool</span> _use_initial_estimate;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordtype">float</span> _pyramid_scale;</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordtype">float</span> _epsilon;</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _num_iterations;</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keywordtype">int</span> _window_dimension;</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="keywordtype">size_t</span> _level;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  int32_t _border_offset;</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> };</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> }</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELKTRACKERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_n_e_l_k_internal_keypoint_xhtml"><div class="ttname"><a href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">arm_compute::NELKInternalKeypoint</a></div><div class="ttdoc">Internal keypoint class for Lucas-Kanade Optical Flow. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00041">NELKTrackerKernel.h:41</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_n_e_l_k_tracker_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_LKTRACKERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_LKTRACKERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <tuple></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml"> 41</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> {</div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e"> 43</a></span>  <span class="keywordtype">float</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e">x</a>{ 0.f }; </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217"> 44</a></span>  <span class="keywordtype">float</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217">y</a>{ 0.f }; </div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553"> 45</a></span>  <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553">tracking_status</a>{ <span class="keyword">false</span> }; </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> };</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00048"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487"> 48</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_i_array.xhtml">IArray<NELKInternalKeypoint></a>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00051"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml"> 51</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>();</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &operator=(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &operator=(<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  ~<a class="code" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keywordtype">void</span> configure(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_old, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_new, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gy,</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points_estimates, <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points,</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *old_points_internal, <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *new_points_internal,</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">bool</span> use_initial_estimate, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension,</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordtype">size_t</span> level, <span class="keywordtype">size_t</span> num_levels, <span class="keywordtype">float</span> pyramid_scale);</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <span class="keywordtype">void</span> run(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> border_size() <span class="keyword">const override</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordtype">void</span> init_keypoints(<span class="keywordtype">int</span> start, <span class="keywordtype">int</span> end);</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  std::tuple<int, int, int> compute_spatial_gradient_matrix(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &keypoint, <span class="keywordtype">int</span> *bilinear_ix, <span class="keywordtype">int</span> *bilinear_iy);</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  std::pair<int, int> compute_image_mismatch_vector(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &old_keypoint, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> &new_keypoint, <span class="keyword">const</span> <span class="keywordtype">int</span> *bilinear_ix, <span class="keyword">const</span> <span class="keywordtype">int</span> *bilinear_iy);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_old;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_new;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_old_scharr_gx;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_old_scharr_gy;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *_old_points_internal;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">INELKInternalKeypointArray</a> *_new_points_internal;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> _termination;</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  <span class="keywordtype">bool</span> _use_initial_estimate;</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordtype">float</span> _pyramid_scale;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordtype">float</span> _epsilon;</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _num_iterations;</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordtype">int</span> _window_dimension;</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _level;</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _num_levels;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> _valid_region;</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span> };</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> }</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELKTRACKERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_n_e_l_k_internal_keypoint_xhtml"><div class="ttname"><a href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">arm_compute::NELKInternalKeypoint</a></div><div class="ttdoc">Internal keypoint class for Lucas-Kanade Optical Flow. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00041">NELKTrackerKernel.h:41</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="structarm__compute_1_1_n_e_l_k_internal_keypoint_xhtml_aa4f0d3eebc3c443f9be81bf48561a217"><div class="ttname"><a href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217">arm_compute::NELKInternalKeypoint::y</a></div><div class="ttdeci">float y</div><div class="ttdoc">y coordinate of the keypoint </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00044">NELKTrackerKernel.h:44</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> @@ -126,9 +126,10 @@ $(document).ready(function(){initNavTree('_n_e_l_k_tracker_kernel_8h_source.xhtm <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="_i_array_8h_xhtml"><div class="ttname"><a href="_i_array_8h.xhtml">IArray.h</a></div></div> <div class="ttc" id="structarm__compute_1_1_n_e_l_k_internal_keypoint_xhtml_ad0da36b2558901e21e7a30f6c227a45e"><div class="ttname"><a href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e">arm_compute::NELKInternalKeypoint::x</a></div><div class="ttdeci">float x</div><div class="ttdoc">x coordinate of the keypoint </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00043">NELKTrackerKernel.h:43</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00217">Types.h:217</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00230">Types.h:230</a></div></div> <div class="ttc" id="structarm__compute_1_1_n_e_l_k_internal_keypoint_xhtml_a633fd1d1a22ab1b18aa0e091cb201553"><div class="ttname"><a href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553">arm_compute::NELKInternalKeypoint::tracking_status</a></div><div class="ttdeci">bool tracking_status</div><div class="ttdoc">the tracking status of the keypoint </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00045">NELKTrackerKernel.h:45</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_l_k_tracker_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">arm_compute::NELKTrackerKernel</a></div><div class="ttdoc">Interface for the Lucas-Kanade tracker kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_l_k_tracker_kernel_8h_source.xhtml#l00051">NELKTrackerKernel.h:51</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -137,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_l_k_tracker_kernel_8h_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_l_k_tracker_kernel_8h.xhtml">NELKTrackerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_laplacian_pyramid_8h.xhtml b/documentation/_n_e_laplacian_pyramid_8h.xhtml index 226c00fb4..4fcb05edd 100644 --- a/documentation/_n_e_laplacian_pyramid_8h.xhtml +++ b/documentation/_n_e_laplacian_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_laplacian_pyramid_8h.xhtml">NELaplacianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_laplacian_pyramid_8h_source.xhtml b/documentation/_n_e_laplacian_pyramid_8h_source.xhtml index 6a85a9960..68618c9b8 100644 --- a/documentation/_n_e_laplacian_pyramid_8h_source.xhtml +++ b/documentation/_n_e_laplacian_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_laplacian_pyramid_8h_source.xhtml <div class="title">NELaplacianPyramid.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_laplacian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NELAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NELAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/NEON/functions/NEArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_depth_convert_8h.xhtml">arm_compute/runtime/NEON/functions/NEDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussian5x5.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian_pyramid_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00054"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml"> 54</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml">NELaplacianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> {</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8">NELaplacianPyramid</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> _gaussian_pyr_function;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  std::unique_ptr<NEGaussian5x5[]> _convf;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  std::unique_ptr<NEArithmeticSubtraction[]> _subf;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _gauss_pyr;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _conv_pyr;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> _depth_function;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> };</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELAPLACIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_laplacian_pyramid_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NELAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NELAPLACIANPYRAMID_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_arithmetic_subtraction_8h.xhtml">arm_compute/runtime/NEON/functions/NEArithmeticSubtraction.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_depth_convert_8h.xhtml">arm_compute/runtime/NEON/functions/NEDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian5x5_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussian5x5.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_gaussian_pyramid_8h.xhtml">arm_compute/runtime/NEON/functions/NEGaussianPyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00054"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml"> 54</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml">NELaplacianPyramid</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> {</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8">NELaplacianPyramid</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> _gaussian_pyr_function;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  std::unique_ptr<NEGaussian5x5[]> _convf;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  std::unique_ptr<NEArithmeticSubtraction[]> _subf;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _gauss_pyr;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _conv_pyr;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <a class="code" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> _depth_function;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> };</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELAPLACIANPYRAMID_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pyramid_8h_xhtml"><div class="ttname"><a href="_pyramid_8h.xhtml">Pyramid.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_n_e_arithmetic_subtraction_8h_xhtml"><div class="ttname"><a href="_n_e_arithmetic_subtraction_8h.xhtml">NEArithmeticSubtraction.h</a></div></div> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_n_e_laplacian_pyramid_8h_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_laplacian_pyramid_8h.xhtml">NELaplacianPyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_laplacian_reconstruct_8h.xhtml b/documentation/_n_e_laplacian_reconstruct_8h.xhtml index fb9529746..165eb00f6 100644 --- a/documentation/_n_e_laplacian_reconstruct_8h.xhtml +++ b/documentation/_n_e_laplacian_reconstruct_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_laplacian_reconstruct_8h.xhtml">NELaplacianReconstruct.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_laplacian_reconstruct_8h_source.xhtml b/documentation/_n_e_laplacian_reconstruct_8h_source.xhtml index a26fd818a..bb19ce103 100644 --- a/documentation/_n_e_laplacian_reconstruct_8h_source.xhtml +++ b/documentation/_n_e_laplacian_reconstruct_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_laplacian_reconstruct_8h_source.x <div class="title">NELaplacianReconstruct.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_laplacian_reconstruct_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_arithmetic_addition_8h.xhtml">arm_compute/runtime/NEON/functions/NEArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_depth_convert_8h.xhtml">arm_compute/runtime/NEON/functions/NEDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scale_8h.xhtml">arm_compute/runtime/NEON/functions/NEScale.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00060"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml"> 60</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml">NELaplacianReconstruct</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#a1490de9008819d066ff78159afb03fe0">NELaplacianReconstruct</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _tmp_pyr;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<NEArithmeticAddition[]> _addf;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  std::unique_ptr<NEScale[]> _scalef;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> _depthf;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_laplacian_reconstruct_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_n_e_arithmetic_addition_8h.xhtml">arm_compute/runtime/NEON/functions/NEArithmeticAddition.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_n_e_depth_convert_8h.xhtml">arm_compute/runtime/NEON/functions/NEDepthConvert.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scale_8h.xhtml">arm_compute/runtime/NEON/functions/NEScale.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_pyramid_8h.xhtml">arm_compute/runtime/Pyramid.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">using</span> <a class="code" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> = ITensor;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00060"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml"> 60</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml">NELaplacianReconstruct</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#a1490de9008819d066ff78159afb03fe0">NELaplacianReconstruct</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> *pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> _tmp_pyr;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<NEArithmeticAddition[]> _addf;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  std::unique_ptr<NEScale[]> _scalef;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> _depthf;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NELAPLACIANRECONSTRUCT_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_pyramid_8h_xhtml"><div class="ttname"><a href="_pyramid_8h.xhtml">Pyramid.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_laplacian_reconstruct_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_laplacian_reconstruct_8h.xhtml">NELaplacianReconstruct.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_magnitude_8h.xhtml b/documentation/_n_e_magnitude_8h.xhtml index c6a3f9247..0bdc7f1c8 100644 --- a/documentation/_n_e_magnitude_8h.xhtml +++ b/documentation/_n_e_magnitude_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_magnitude_8h.xhtml">NEMagnitude.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_magnitude_8h_source.xhtml b/documentation/_n_e_magnitude_8h_source.xhtml index 6d6f83530..7a67ddc76 100644 --- a/documentation/_n_e_magnitude_8h_source.xhtml +++ b/documentation/_n_e_magnitude_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_magnitude_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_magnitude_8h.xhtml">NEMagnitude.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_magnitude_phase_kernel_8h.xhtml b/documentation/_n_e_magnitude_phase_kernel_8h.xhtml index b394bce17..ca3283cb2 100644 --- a/documentation/_n_e_magnitude_phase_kernel_8h.xhtml +++ b/documentation/_n_e_magnitude_phase_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_magnitude_phase_kernel_8h.xhtml">NEMagnitudePhaseKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_magnitude_phase_kernel_8h_source.xhtml b/documentation/_n_e_magnitude_phase_kernel_8h_source.xhtml index 0461e9e30..6d7ccb155 100644 --- a/documentation/_n_e_magnitude_phase_kernel_8h_source.xhtml +++ b/documentation/_n_e_magnitude_phase_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_magnitude_phase_kernel_8h_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_magnitude_phase_kernel_8h.xhtml">NEMagnitudePhaseKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_math_8h.js b/documentation/_n_e_math_8h.js index 6749b5755..ddb82e00c 100644 --- a/documentation/_n_e_math_8h.js +++ b/documentation/_n_e_math_8h.js @@ -1,12 +1,12 @@ var _n_e_math_8h = [ - [ "vexp_f32", "_n_e_math_8h.xhtml#ab61617950fb57bf883ee19fc4e219826", null ], - [ "vinv_f32", "_n_e_math_8h.xhtml#a99d2837a875fc6bca19755f40205f04a", null ], - [ "vinvsqrt_f32", "_n_e_math_8h.xhtml#aab4b53a52d617f05420711425f20ed4b", null ], - [ "vlog_f32", "_n_e_math_8h.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26", null ], + [ "vexpq_f32", "_n_e_math_8h.xhtml#aa197f574e5effe492aa8034651467eb3", null ], + [ "vinvq_f32", "_n_e_math_8h.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6", null ], + [ "vinvsqrtq_f32", "_n_e_math_8h.xhtml#ab8970d7aed07d8649f5e3088455948b8", null ], + [ "vlogq_f32", "_n_e_math_8h.xhtml#a4082e6868f902da08483e54ec07484c8", null ], [ "vpowq_f32", "_n_e_math_8h.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7", null ], - [ "vtanh_f32", "_n_e_math_8h.xhtml#af2002ba27e8c8033e3038da708248f32", null ], - [ "vtaylor_poly_f32", "_n_e_math_8h.xhtml#aa4e5c4d2084010ee1c68475fde882f84", null ], + [ "vtanhq_f32", "_n_e_math_8h.xhtml#a9598330b2406691ce6580f7506e62168", null ], + [ "vtaylor_polyq_f32", "_n_e_math_8h.xhtml#ac91f64208cebf2177a6be3a40ecebca8", null ], [ "exp_tab", "_n_e_math_8h.xhtml#a869945609357fa552d94eb16f7aad4e9", null ], [ "log_tab", "_n_e_math_8h.xhtml#a48fb9cf404e8f7043235bf14105c9793", null ] ];
\ No newline at end of file diff --git a/documentation/_n_e_math_8h.xhtml b/documentation/_n_e_math_8h.xhtml index d9fcc86b9..d24285a2c 100644 --- a/documentation/_n_e_math_8h.xhtml +++ b/documentation/_n_e_math_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,24 +131,24 @@ Namespaces</h2></td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="func-members"></a> Functions</h2></td></tr> -<tr class="memitem:aab4b53a52d617f05420711425f20ed4b"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">vinvsqrt_f32</a> (float32x4_t x)</td></tr> -<tr class="memdesc:aab4b53a52d617f05420711425f20ed4b"><td class="mdescLeft"> </td><td class="mdescRight">Calculate inverse square root. <a href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">More...</a><br /></td></tr> -<tr class="separator:aab4b53a52d617f05420711425f20ed4b"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a99d2837a875fc6bca19755f40205f04a"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">vinv_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:a99d2837a875fc6bca19755f40205f04a"><td class="mdescLeft"> </td><td class="mdescRight">Calculate reciprocal. <a href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">More...</a><br /></td></tr> -<tr class="separator:a99d2837a875fc6bca19755f40205f04a"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:aa4e5c4d2084010ee1c68475fde882f84"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a> (const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</td></tr> -<tr class="memdesc:aa4e5c4d2084010ee1c68475fde882f84"><td class="mdescLeft"> </td><td class="mdescRight">Perform a 7th degree polynomial approximation using Estrin's method. <a href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">More...</a><br /></td></tr> -<tr class="separator:aa4e5c4d2084010ee1c68475fde882f84"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ab61617950fb57bf883ee19fc4e219826"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:ab61617950fb57bf883ee19fc4e219826"><td class="mdescLeft"> </td><td class="mdescRight">Calculate exponential. <a href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">More...</a><br /></td></tr> -<tr class="separator:ab61617950fb57bf883ee19fc4e219826"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">vlog_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="mdescLeft"> </td><td class="mdescRight">Calculate logarithm. <a href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">More...</a><br /></td></tr> -<tr class="separator:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:af2002ba27e8c8033e3038da708248f32"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">vtanh_f32</a> (const float32x4_t &val)</td></tr> -<tr class="memdesc:af2002ba27e8c8033e3038da708248f32"><td class="mdescLeft"> </td><td class="mdescRight">Calculate hyperbolic tangent. <a href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">More...</a><br /></td></tr> -<tr class="separator:af2002ba27e8c8033e3038da708248f32"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ab8970d7aed07d8649f5e3088455948b8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">vinvsqrtq_f32</a> (float32x4_t x)</td></tr> +<tr class="memdesc:ab8970d7aed07d8649f5e3088455948b8"><td class="mdescLeft"> </td><td class="mdescRight">Calculate inverse square root. <a href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">More...</a><br /></td></tr> +<tr class="separator:ab8970d7aed07d8649f5e3088455948b8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">vinvq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="mdescLeft"> </td><td class="mdescRight">Calculate reciprocal. <a href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">More...</a><br /></td></tr> +<tr class="separator:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ac91f64208cebf2177a6be3a40ecebca8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a> (const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</td></tr> +<tr class="memdesc:ac91f64208cebf2177a6be3a40ecebca8"><td class="mdescLeft"> </td><td class="mdescRight">Perform a 7th degree polynomial approximation using Estrin's method. <a href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">More...</a><br /></td></tr> +<tr class="separator:ac91f64208cebf2177a6be3a40ecebca8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa197f574e5effe492aa8034651467eb3"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:aa197f574e5effe492aa8034651467eb3"><td class="mdescLeft"> </td><td class="mdescRight">Calculate exponential. <a href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">More...</a><br /></td></tr> +<tr class="separator:aa197f574e5effe492aa8034651467eb3"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a4082e6868f902da08483e54ec07484c8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">vlogq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:a4082e6868f902da08483e54ec07484c8"><td class="mdescLeft"> </td><td class="mdescRight">Calculate logarithm. <a href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">More...</a><br /></td></tr> +<tr class="separator:a4082e6868f902da08483e54ec07484c8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a9598330b2406691ce6580f7506e62168"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">vtanhq_f32</a> (const float32x4_t &val)</td></tr> +<tr class="memdesc:a9598330b2406691ce6580f7506e62168"><td class="mdescLeft"> </td><td class="mdescRight">Calculate hyperbolic tangent. <a href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">More...</a><br /></td></tr> +<tr class="separator:a9598330b2406691ce6580f7506e62168"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">vpowq_f32</a> (const float32x4_t &val, const float32x4_t &n)</td></tr> <tr class="memdesc:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="mdescLeft"> </td><td class="mdescRight">Calculate n power of a number. <a href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">More...</a><br /></td></tr> <tr class="separator:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="memSeparator" colspan="2"> </td></tr> @@ -166,7 +166,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_math_8h.xhtml">NEMath.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_math_8h_source.xhtml b/documentation/_n_e_math_8h_source.xhtml index 77d395c76..c14f39f06 100644 --- a/documentation/_n_e_math_8h_source.xhtml +++ b/documentation/_n_e_math_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,17 +116,17 @@ $(document).ready(function(){initNavTree('_n_e_math_8h_source.xhtml','');}); <div class="title">NEMath.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_math_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEMATH_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEMATH_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include <arm_neon.h></span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="comment">/* Exponent polynomial coefficients */</span></div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9"> 32</a></span> <span class="keyword">const</span> std::array<float32x4_t, 8> <a class="code" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">exp_tab</a> =</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  vdupq_n_f32(1.f),</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  vdupq_n_f32(0.0416598916054f),</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  vdupq_n_f32(0.500000596046f),</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  vdupq_n_f32(0.0014122662833f),</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  vdupq_n_f32(1.00000011921f),</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  vdupq_n_f32(0.00833693705499f),</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  vdupq_n_f32(0.166665703058f),</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  vdupq_n_f32(0.000195780929062f),</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  }</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> };</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="comment">/* Logarithm polynomial coefficients */</span></div><div class="line"><a name="l00047"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793"> 47</a></span> <span class="keyword">const</span> std::array<float32x4_t, 8> <a class="code" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">log_tab</a> =</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  vdupq_n_f32(-2.29561495781f),</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  vdupq_n_f32(-2.47071170807f),</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  vdupq_n_f32(-5.68692588806f),</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  vdupq_n_f32(-0.165253549814f),</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  vdupq_n_f32(5.17591238022f),</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  vdupq_n_f32(0.844007015228f),</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  vdupq_n_f32(4.58445882797f),</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  vdupq_n_f32(0.0141278216615f),</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00067"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b"> 67</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">vinvsqrt_f32</a>(float32x4_t x)</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> {</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  float32x4_t sqrt_reciprocal = vrsqrteq_f32(x);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordflow">return</span> sqrt_reciprocal;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00082"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a"> 82</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">vinv_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> {</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  float32x4_t recip = vrecpeq_f32(x);</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keywordflow">return</span> recip;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00097"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84"> 97</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a>(<span class="keyword">const</span> float32x4_t &x, <span class="keyword">const</span> std::array<float32x4_t, 8> &coeffs)</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> {</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a> = vmlaq_f32(coeffs[0], coeffs[4], x);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a> = vmlaq_f32(coeffs[2], coeffs[6], x);</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  float32x4_t C = vmlaq_f32(coeffs[1], coeffs[5], x);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  float32x4_t D = vmlaq_f32(coeffs[3], coeffs[7], x);</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  float32x4_t x2 = vmulq_f32(x, x);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  float32x4_t x4 = vmulq_f32(x2, x2);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  float32x4_t res = vmlaq_f32(vmlaq_f32(A, B, x2), vmlaq_f32(C, D, x2), x4);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordflow">return</span> res;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00115"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826"> 115</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_INV_LN2 = vdupq_n_f32(1.4426950408f); <span class="comment">// 1/ln(2)</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="comment">// Perform range reduction [-log(2),log(2)]</span></div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  int32x4_t m = vcvtq_s32_f32(vmulq_f32(x, CONST_INV_LN2));</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  float32x4_t val = vmlsq_f32(x, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a>(val, exp_tab);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  poly = vreinterpretq_f32_s32(vaddq_s32(vreinterpretq_s32_f32(poly), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span> }</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00139"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26"> 139</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">vlog_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keyword">static</span> <span class="keyword">const</span> int32x4_t CONST_127 = vdupq_n_s32(127); <span class="comment">// 127</span></div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">// Extract exponent</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  int32x4_t m = vsubq_s32(vreinterpretq_s32_u32(vshrq_n_u32(vreinterpretq_u32_f32(x), 23)), CONST_127);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float32x4_t val = vreinterpretq_f32_s32(vsubq_s32(vreinterpretq_s32_f32(x), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a>(val, log_tab);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  poly = vmlaq_f32(poly, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> }</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span> </div><div class="line"><a name="l00165"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32"> 165</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">vtanh_f32</a>(<span class="keyword">const</span> float32x4_t &val)</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> {</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_1 = vdupq_n_f32(1.f); <span class="comment">// 1.f</span></div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_2 = vdupq_n_f32(2.f); <span class="comment">// 2.f</span></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> </div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  float32x4_t exp2x = <a class="code" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a>(vmulq_f32(CONST_2, val));</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  float32x4_t num = vsubq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  float32x4_t den = vaddq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  float32x4_t tanh = vmulq_f32(num, <a class="code" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">vinv_f32</a>(den));</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> tanh;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> }</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span> </div><div class="line"><a name="l00186"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7"> 186</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">vpowq_f32</a>(<span class="keyword">const</span> float32x4_t &val, <span class="keyword">const</span> float32x4_t &n)</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> {</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a>(vmulq_f32(n, <a class="code" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">vlog_f32</a>(val)));</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> }</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> }</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> </div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEMATH_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_aa4e5c4d2084010ee1c68475fde882f84"><div class="ttname"><a href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">arm_compute::vtaylor_poly_f32</a></div><div class="ttdeci">float32x4_t vtaylor_poly_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a99d2837a875fc6bca19755f40205f04a"><div class="ttname"><a href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">arm_compute::vinv_f32</a></div><div class="ttdeci">float32x4_t vinv_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate reciprocal. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00082">NEMath.h:82</a></div></div> +<a href="_n_e_math_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEMATH_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEMATH_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include <arm_neon.h></span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="comment">/* Exponent polynomial coefficients */</span></div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9"> 32</a></span> <span class="keyword">const</span> std::array<float32x4_t, 8> <a class="code" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">exp_tab</a> =</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  vdupq_n_f32(1.f),</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  vdupq_n_f32(0.0416598916054f),</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  vdupq_n_f32(0.500000596046f),</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  vdupq_n_f32(0.0014122662833f),</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  vdupq_n_f32(1.00000011921f),</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  vdupq_n_f32(0.00833693705499f),</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  vdupq_n_f32(0.166665703058f),</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  vdupq_n_f32(0.000195780929062f),</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  }</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> };</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="comment">/* Logarithm polynomial coefficients */</span></div><div class="line"><a name="l00047"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793"> 47</a></span> <span class="keyword">const</span> std::array<float32x4_t, 8> <a class="code" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">log_tab</a> =</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  {</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  vdupq_n_f32(-2.29561495781f),</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  vdupq_n_f32(-2.47071170807f),</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  vdupq_n_f32(-5.68692588806f),</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  vdupq_n_f32(-0.165253549814f),</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  vdupq_n_f32(5.17591238022f),</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  vdupq_n_f32(0.844007015228f),</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  vdupq_n_f32(4.58445882797f),</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  vdupq_n_f32(0.0141278216615f),</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00067"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8"> 67</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">vinvsqrtq_f32</a>(float32x4_t x)</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> {</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  float32x4_t sqrt_reciprocal = vrsqrteq_f32(x);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordflow">return</span> sqrt_reciprocal;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00082"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6"> 82</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">vinvq_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> {</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  float32x4_t recip = vrecpeq_f32(x);</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keywordflow">return</span> recip;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00097"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8"> 97</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a>(<span class="keyword">const</span> float32x4_t &x, <span class="keyword">const</span> std::array<float32x4_t, 8> &coeffs)</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> {</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a> = vmlaq_f32(coeffs[0], coeffs[4], x);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a> = vmlaq_f32(coeffs[2], coeffs[6], x);</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  float32x4_t C = vmlaq_f32(coeffs[1], coeffs[5], x);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  float32x4_t D = vmlaq_f32(coeffs[3], coeffs[7], x);</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  float32x4_t x2 = vmulq_f32(x, x);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  float32x4_t x4 = vmulq_f32(x2, x2);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  float32x4_t res = vmlaq_f32(vmlaq_f32(A, B, x2), vmlaq_f32(C, D, x2), x4);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordflow">return</span> res;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00115"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3"> 115</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_INV_LN2 = vdupq_n_f32(1.4426950408f); <span class="comment">// 1/ln(2)</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="comment">// Perform range reduction [-log(2),log(2)]</span></div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  int32x4_t m = vcvtq_s32_f32(vmulq_f32(x, CONST_INV_LN2));</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  float32x4_t val = vmlsq_f32(x, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a>(val, exp_tab);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  poly = vreinterpretq_f32_s32(vaddq_s32(vreinterpretq_s32_f32(poly), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span> }</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00139"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8"> 139</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">vlogq_f32</a>(<span class="keyword">const</span> float32x4_t &x)</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keyword">static</span> <span class="keyword">const</span> int32x4_t CONST_127 = vdupq_n_s32(127); <span class="comment">// 127</span></div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">// Extract exponent</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  int32x4_t m = vsubq_s32(vreinterpretq_s32_u32(vshrq_n_u32(vreinterpretq_u32_f32(x), 23)), CONST_127);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float32x4_t val = vreinterpretq_f32_s32(vsubq_s32(vreinterpretq_s32_f32(x), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a>(val, log_tab);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  poly = vmlaq_f32(poly, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> }</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span> </div><div class="line"><a name="l00167"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168"> 167</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">vtanhq_f32</a>(<span class="keyword">const</span> float32x4_t &val)</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> {</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_1 = vdupq_n_f32(1.f); <span class="comment">// 1.f</span></div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_2 = vdupq_n_f32(2.f); <span class="comment">// 2.f</span></div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_MIN_TANH = vdupq_n_f32(-5.f); <span class="comment">// -5.f</span></div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_MAX_TANH = vdupq_n_f32(5.f); <span class="comment">// 5.f</span></div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  float32x4_t x = vminq_f32(vmaxq_f32(val, CONST_MIN_TANH), CONST_MAX_TANH);</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  float32x4_t exp2x = <a class="code" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a>(vmulq_f32(CONST_2, x));</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  float32x4_t num = vsubq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  float32x4_t den = vaddq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  float32x4_t tanh = vmulq_f32(num, <a class="code" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">vinvq_f32</a>(den));</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordflow">return</span> tanh;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> }</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> </div><div class="line"><a name="l00191"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7"> 191</a></span> <span class="keyword">inline</span> float32x4_t <a class="code" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">vpowq_f32</a>(<span class="keyword">const</span> float32x4_t &val, <span class="keyword">const</span> float32x4_t &n)</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> {</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a>(vmulq_f32(n, <a class="code" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">vlogq_f32</a>(val)));</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> }</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span> }</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span> </div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NEMATH_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab8970d7aed07d8649f5e3088455948b8"><div class="ttname"><a href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">arm_compute::vinvsqrtq_f32</a></div><div class="ttdeci">float32x4_t vinvsqrtq_f32(float32x4_t x)</div><div class="ttdoc">Calculate inverse square root. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00067">NEMath.h:67</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">arm_compute::Channel::B</a></div><div class="ttdoc">Blue channel. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af2002ba27e8c8033e3038da708248f32"><div class="ttname"><a href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">arm_compute::vtanh_f32</a></div><div class="ttdeci">float32x4_t vtanh_f32(const float32x4_t &val)</div><div class="ttdoc">Calculate hyperbolic tangent. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00165">NEMath.h:165</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a4082e6868f902da08483e54ec07484c8"><div class="ttname"><a href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">arm_compute::vlogq_f32</a></div><div class="ttdeci">float32x4_t vlogq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate logarithm. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00139">NEMath.h:139</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><div class="ttname"><a href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">arm_compute::vinvq_f32</a></div><div class="ttdeci">float32x4_t vinvq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate reciprocal. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00082">NEMath.h:82</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a869945609357fa552d94eb16f7aad4e9"><div class="ttname"><a href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">arm_compute::exp_tab</a></div><div class="ttdeci">const std::array< float32x4_t, 8 > exp_tab</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00032">NEMath.h:32</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_aab4b53a52d617f05420711425f20ed4b"><div class="ttname"><a href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">arm_compute::vinvsqrt_f32</a></div><div class="ttdeci">float32x4_t vinvsqrt_f32(float32x4_t x)</div><div class="ttdoc">Calculate inverse square root. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00067">NEMath.h:67</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afa7e6a89815b00d86c5ae6ec73d79c26"><div class="ttname"><a href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">arm_compute::vlog_f32</a></div><div class="ttdeci">float32x4_t vlog_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate logarithm. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00139">NEMath.h:139</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab61617950fb57bf883ee19fc4e219826"><div class="ttname"><a href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">arm_compute::vexp_f32</a></div><div class="ttdeci">float32x4_t vexp_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ae0dbcd09c015bda4ab290b957d7bd6c7"><div class="ttname"><a href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">arm_compute::vpowq_f32</a></div><div class="ttdeci">float32x4_t vpowq_f32(const float32x4_t &val, const float32x4_t &n)</div><div class="ttdoc">Calculate n power of a number. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00186">NEMath.h:186</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ac91f64208cebf2177a6be3a40ecebca8"><div class="ttname"><a href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">arm_compute::vtaylor_polyq_f32</a></div><div class="ttdeci">float32x4_t vtaylor_polyq_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_aa197f574e5effe492aa8034651467eb3"><div class="ttname"><a href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">arm_compute::vexpq_f32</a></div><div class="ttdeci">float32x4_t vexpq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ae0dbcd09c015bda4ab290b957d7bd6c7"><div class="ttname"><a href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">arm_compute::vpowq_f32</a></div><div class="ttdeci">float32x4_t vpowq_f32(const float32x4_t &val, const float32x4_t &n)</div><div class="ttdoc">Calculate n power of a number. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00191">NEMath.h:191</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a9598330b2406691ce6580f7506e62168"><div class="ttname"><a href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">arm_compute::vtanhq_f32</a></div><div class="ttdeci">float32x4_t vtanhq_f32(const float32x4_t &val)</div><div class="ttdoc">Calculate hyperbolic tangent. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00167">NEMath.h:167</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a48fb9cf404e8f7043235bf14105c9793"><div class="ttname"><a href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">arm_compute::log_tab</a></div><div class="ttdeci">const std::array< float32x4_t, 8 > log_tab</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00047">NEMath.h:47</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_math_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_math_8h.xhtml">NEMath.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_mean_std_dev_8h.xhtml b/documentation/_n_e_mean_std_dev_8h.xhtml index 12f75db34..2e82eb013 100644 --- a/documentation/_n_e_mean_std_dev_8h.xhtml +++ b/documentation/_n_e_mean_std_dev_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_mean_std_dev_8h.xhtml">NEMeanStdDev.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_mean_std_dev_8h_source.xhtml b/documentation/_n_e_mean_std_dev_8h_source.xhtml index 9780482a0..265036642 100644 --- a/documentation/_n_e_mean_std_dev_8h_source.xhtml +++ b/documentation/_n_e_mean_std_dev_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_mean_std_dev_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_mean_std_dev_8h.xhtml">NEMeanStdDev.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_mean_std_dev_kernel_8h.xhtml b/documentation/_n_e_mean_std_dev_kernel_8h.xhtml index 36d60427c..ee0a0f23e 100644 --- a/documentation/_n_e_mean_std_dev_kernel_8h.xhtml +++ b/documentation/_n_e_mean_std_dev_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_mean_std_dev_kernel_8h.xhtml">NEMeanStdDevKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_mean_std_dev_kernel_8h_source.xhtml b/documentation/_n_e_mean_std_dev_kernel_8h_source.xhtml index 28838f4d4..3e4cf6500 100644 --- a/documentation/_n_e_mean_std_dev_kernel_8h_source.xhtml +++ b/documentation/_n_e_mean_std_dev_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_mean_std_dev_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_mean_std_dev_kernel_8h.xhtml">NEMeanStdDevKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_median3x3_8h.xhtml b/documentation/_n_e_median3x3_8h.xhtml index 5c2624005..bfd0b35b0 100644 --- a/documentation/_n_e_median3x3_8h.xhtml +++ b/documentation/_n_e_median3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_median3x3_8h.xhtml">NEMedian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_median3x3_8h_source.xhtml b/documentation/_n_e_median3x3_8h_source.xhtml index 1fde92939..6efd2185b 100644 --- a/documentation/_n_e_median3x3_8h_source.xhtml +++ b/documentation/_n_e_median3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_median3x3_8h_source.xhtml','');}) <div class="title">NEMedian3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_median3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEMEDIAN3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEMEDIAN3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_median3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> }</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEMEDIAN3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_median3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEMEDIAN3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEMEDIAN3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_median3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> }</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEMEDIAN3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_median3x3_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_median3x3_8h.xhtml">NEMedian3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_median3x3_kernel_8h.xhtml b/documentation/_n_e_median3x3_kernel_8h.xhtml index 8c7c6a802..7190a6f75 100644 --- a/documentation/_n_e_median3x3_kernel_8h.xhtml +++ b/documentation/_n_e_median3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_median3x3_kernel_8h.xhtml">NEMedian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_median3x3_kernel_8h_source.xhtml b/documentation/_n_e_median3x3_kernel_8h_source.xhtml index 437b459b5..dbeb26262 100644 --- a/documentation/_n_e_median3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_median3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_median3x3_kernel_8h_source.xhtml' </div><!--header--> <div class="contents"> <a href="_n_e_median3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEMEDIAN3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEMEDIAN3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml">NEMedian3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> };</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEMEDIAN3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_simple_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">arm_compute::ICPPSimpleKernel</a></div><div class="ttdoc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_simple_kernel_8h_source.xhtml#l00034">ICPPSimpleKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_median3x3_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NEMedian3x3Kernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_n_e_median3x3_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_median3x3_kernel_8h.xhtml">NEMedian3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_min_max_location_8h.xhtml b/documentation/_n_e_min_max_location_8h.xhtml index 80e38ae68..8520dc4df 100644 --- a/documentation/_n_e_min_max_location_8h.xhtml +++ b/documentation/_n_e_min_max_location_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_min_max_location_8h.xhtml">NEMinMaxLocation.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_min_max_location_8h_source.xhtml b/documentation/_n_e_min_max_location_8h_source.xhtml index 22f704d50..6d29caf72 100644 --- a/documentation/_n_e_min_max_location_8h_source.xhtml +++ b/documentation/_n_e_min_max_location_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_min_max_location_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_min_max_location_8h.xhtml">NEMinMaxLocation.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_min_max_location_kernel_8h.xhtml b/documentation/_n_e_min_max_location_kernel_8h.xhtml index 44eb14603..37f95626a 100644 --- a/documentation/_n_e_min_max_location_kernel_8h.xhtml +++ b/documentation/_n_e_min_max_location_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_min_max_location_kernel_8h.xhtml">NEMinMaxLocationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_min_max_location_kernel_8h_source.xhtml b/documentation/_n_e_min_max_location_kernel_8h_source.xhtml index e71cb2e7c..7fdd89a42 100644 --- a/documentation/_n_e_min_max_location_kernel_8h_source.xhtml +++ b/documentation/_n_e_min_max_location_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_min_max_location_kernel_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_min_max_location_kernel_8h.xhtml">NEMinMaxLocationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_linear_filter_8h.xhtml b/documentation/_n_e_non_linear_filter_8h.xhtml index 947aee010..20c10bf39 100644 --- a/documentation/_n_e_non_linear_filter_8h.xhtml +++ b/documentation/_n_e_non_linear_filter_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_non_linear_filter_8h.xhtml">NENonLinearFilter.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_linear_filter_8h_source.xhtml b/documentation/_n_e_non_linear_filter_8h_source.xhtml index 3381f2b23..8f8c1aed8 100644 --- a/documentation/_n_e_non_linear_filter_8h_source.xhtml +++ b/documentation/_n_e_non_linear_filter_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_non_linear_filter_8h_source.xhtml <div class="title">NENonLinearFilter.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_non_linear_filter_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONLINEARFILTER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONLINEARFILTER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">NENonLinearFilter</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode,</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> }</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NENONLINEARFILTER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_non_linear_filter_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONLINEARFILTER_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONLINEARFILTER_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">NENonLinearFilter</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode,</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  uint8_t constant_border_value = 0);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> };</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> }</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NENONLINEARFILTER_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_linear_filter_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">arm_compute::NENonLinearFilter</a></div><div class="ttdoc">Basic function to execute non linear filter. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_linear_filter_8h_source.xhtml#l00043">NENonLinearFilter.h:43</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_linear_filter_xhtml_ae2e668c3765731c5f71a324e15f131b8"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8">arm_compute::NENonLinearFilter::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, NonLinearFilterFunction function, unsigned int mask_size, MatrixPattern pattern, const uint8_t *mask, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> @@ -124,15 +124,15 @@ $(document).ready(function(){initNavTree('_n_e_non_linear_filter_8h_source.xhtml <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_non_linear_filter_8h.xhtml">NENonLinearFilter.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_linear_filter_kernel_8h.xhtml b/documentation/_n_e_non_linear_filter_kernel_8h.xhtml index 4bb5dd897..35dcbb531 100644 --- a/documentation/_n_e_non_linear_filter_kernel_8h.xhtml +++ b/documentation/_n_e_non_linear_filter_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_non_linear_filter_kernel_8h.xhtml">NENonLinearFilterKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_linear_filter_kernel_8h_source.xhtml b/documentation/_n_e_non_linear_filter_kernel_8h_source.xhtml index 44db55cf2..e993805ea 100644 --- a/documentation/_n_e_non_linear_filter_kernel_8h_source.xhtml +++ b/documentation/_n_e_non_linear_filter_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_non_linear_filter_kernel_8h_sourc </div><!--header--> <div class="contents"> <a href="_n_e_non_linear_filter_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONLINEARFILTERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONLINEARFILTERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#af7d8f3eac26e577c2c1754a7c2dab402">NENonLinearFilterKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#af7d8f3eac26e577c2c1754a7c2dab402">NENonLinearFilterKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#af7d8f3eac26e577c2c1754a7c2dab402">NENonLinearFilterKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> mask_size, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern, <span class="keyword">const</span> uint8_t *mask, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> fill_mask(uint8_t *mask, <span class="keywordtype">int</span> cols, <span class="keywordtype">int</span> rows, <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> median_filter_box(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordtype">void</span> min_filter_box(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">void</span> max_filter_box(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordtype">void</span> median_filter_cross(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordtype">void</span> min_filter_cross(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">void</span> max_filter_cross(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordtype">void</span> median_filter_disk(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="keywordtype">void</span> min_filter_disk(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="keywordtype">void</span> max_filter_disk(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keyword">template</span> <<span class="keywordtype">int</span> mask_w, <span class="keywordtype">int</span> mask_h></div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  <span class="keywordtype">void</span> non_linear_filter_generic(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &win);</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span> </div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _border_width;</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="keyword">const</span> uint8_t *_mask;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> _pattern;</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> _function;</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _func_idx;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> };</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> }</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NENONLINEARFILTERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_non_linear_filter_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NENonLinearFilterKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -129,16 +129,16 @@ $(document).ready(function(){initNavTree('_n_e_non_linear_filter_kernel_8h_sourc <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_linear_filter_kernel_xhtml_ad1c7427d0764b87f44110b99e6ef711a"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a">arm_compute::NENonLinearFilterKernel::operator=</a></div><div class="ttdeci">NENonLinearFilterKernel & operator=(NENonLinearFilterKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_non_linear_filter_kernel_8h.xhtml">NENonLinearFilterKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_maxima_suppression3x3_8h.xhtml b/documentation/_n_e_non_maxima_suppression3x3_8h.xhtml index 49802d260..13cab1cc6 100644 --- a/documentation/_n_e_non_maxima_suppression3x3_8h.xhtml +++ b/documentation/_n_e_non_maxima_suppression3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_non_maxima_suppression3x3_8h.xhtml">NENonMaximaSuppression3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_maxima_suppression3x3_8h_source.xhtml b/documentation/_n_e_non_maxima_suppression3x3_8h_source.xhtml index 708aaa759..5ec5fe920 100644 --- a/documentation/_n_e_non_maxima_suppression3x3_8h_source.xhtml +++ b/documentation/_n_e_non_maxima_suppression3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_non_maxima_suppression3x3_8h_sour <div class="title">NENonMaximaSuppression3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_non_maxima_suppression3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> }</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_non_maxima_suppression3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> };</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> }</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_NENONMAXIMASUPPRESSION3X3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">arm_compute::NENonMaximaSuppression3x3</a></div><div class="ttdoc">Basic function to execute non-maxima suppression over a 3x3 window. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_maxima_suppression3x3_8h_source.xhtml#l00040">NENonMaximaSuppression3x3.h:40</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_non_maxima_suppression3x3_8h_sour <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_non_maxima_suppression3x3_8h.xhtml">NENonMaximaSuppression3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_maxima_suppression3x3_kernel_8h.xhtml b/documentation/_n_e_non_maxima_suppression3x3_kernel_8h.xhtml index 2f7ec7f46..f68e80df3 100644 --- a/documentation/_n_e_non_maxima_suppression3x3_kernel_8h.xhtml +++ b/documentation/_n_e_non_maxima_suppression3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ Data Structures</h2></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface to perform Non-Maxima suppression over a 3x3 window using NEON. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">NEON kernel to perform Non-Maxima suppression 3x3. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#details">More...</a><br /></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="namespaces"></a> @@ -144,7 +144,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">NENonMaximaSuppression3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml b/documentation/_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml index 75ab130e4..6c5e1fc30 100644 --- a/documentation/_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_non_maxima_suppression3x3_kernel_ </div><!--header--> <div class="contents"> <a href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENONMAXIMASUPPRESSION3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENONMAXIMASUPPRESSION3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">NENonMaximaSuppression3x3Kernel</a>();</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">NENonMaximaSuppression3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">NENonMaximaSuppression3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a1bbd53ef4af62c130e01677bbabdf145">~NENonMaximaSuppression3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keyword">using</span> NonMaxSuppr3x3Function = void(<span class="keyword">const</span> <span class="keywordtype">void</span> *__restrict input_ptr, <span class="keywordtype">void</span> *__restrict output_ptr, <span class="keyword">const</span> uint32_t input_stride);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  NonMaxSuppr3x3Function *_func; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> };</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor">#ifdef ARM_COMPUTE_ENABLE_FP16</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml"> 84</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> };</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> <span class="preprocessor">#else</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a> = <a class="code" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">NENonMaximaSuppression3x3Kernel</a>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> }</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> <span class="preprocessor">#endif </span><span class="comment">/* _ARM_COMPUTE_NENONMAXIMASUPPRESSION3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel_xhtml_abd07bcfd3e6a025406dfaffbf9d44e3d"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d">arm_compute::NENonMaximaSuppression3x3Kernel::operator=</a></div><div class="ttdeci">NENonMaximaSuppression3x3Kernel & operator=(const NENonMaximaSuppression3x3Kernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NENonMaximaSuppression3x3Kernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -126,7 +126,7 @@ $(document).ready(function(){initNavTree('_n_e_non_maxima_suppression3x3_kernel_ <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">arm_compute::NENonMaximaSuppression3x3Kernel</a></div><div class="ttdoc">Interface to perform Non-Maxima suppression over a 3x3 window using NEON. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml#l00039">NENonMaximaSuppression3x3Kernel.h:39</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel_xhtml_a23a87d0179856717eec69f3b960d3e78"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">arm_compute::NENonMaximaSuppression3x3Kernel::NENonMaximaSuppression3x3Kernel</a></div><div class="ttdeci">NENonMaximaSuppression3x3Kernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel_xhtml_a1bbd53ef4af62c130e01677bbabdf145"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a1bbd53ef4af62c130e01677bbabdf145">arm_compute::NENonMaximaSuppression3x3Kernel::~NENonMaximaSuppression3x3Kernel</a></div><div class="ttdeci">~NENonMaximaSuppression3x3Kernel()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">arm_compute::NENonMaximaSuppression3x3FP16Kernel</a></div><div class="ttdoc">NEON kernel to perform Non-Maxima suppression 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml#l00084">NENonMaximaSuppression3x3Kernel.h:84</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">arm_compute::NENonMaximaSuppression3x3FP16Kernel</a></div><div class="ttdoc">NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data ...</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml#l00084">NENonMaximaSuppression3x3Kernel.h:84</a></div></div> <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_non_maxima_suppression3x3_kernel_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_non_maxima_suppression3x3_kernel_8h.xhtml">NENonMaximaSuppression3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_normalization_layer_8h.xhtml b/documentation/_n_e_normalization_layer_8h.xhtml index b31092523..7a2ad4cc7 100644 --- a/documentation/_n_e_normalization_layer_8h.xhtml +++ b/documentation/_n_e_normalization_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_normalization_layer_8h.xhtml">NENormalizationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_normalization_layer_8h_source.xhtml b/documentation/_n_e_normalization_layer_8h_source.xhtml index bba2b730d..d96e3f50b 100644 --- a/documentation/_n_e_normalization_layer_8h_source.xhtml +++ b/documentation/_n_e_normalization_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,7 +121,7 @@ $(document).ready(function(){initNavTree('_n_e_normalization_layer_8h_source.xht <div class="ttc" id="classarm__compute_1_1_n_e_normalization_layer_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NENormalizationLayer::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_n_e_pixel_wise_multiplication_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_pixel_wise_multiplication_kernel_8h.xhtml">NEPixelWiseMultiplicationKernel.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00482">Types.h:482</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00495">Types.h:495</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="_n_e_fill_border_kernel_8h_xhtml"><div class="ttname"><a href="_n_e_fill_border_kernel_8h.xhtml">NEFillBorderKernel.h</a></div></div> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('_n_e_normalization_layer_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_normalization_layer_8h.xhtml">NENormalizationLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_normalization_layer_kernel_8h.xhtml b/documentation/_n_e_normalization_layer_kernel_8h.xhtml index dd2242ccd..55f771cb2 100644 --- a/documentation/_n_e_normalization_layer_kernel_8h.xhtml +++ b/documentation/_n_e_normalization_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_normalization_layer_kernel_8h.xhtml">NENormalizationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_normalization_layer_kernel_8h_source.xhtml b/documentation/_n_e_normalization_layer_kernel_8h_source.xhtml index 4f64e234a..8af038804 100644 --- a/documentation/_n_e_normalization_layer_kernel_8h_source.xhtml +++ b/documentation/_n_e_normalization_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,9 +117,9 @@ $(document).ready(function(){initNavTree('_n_e_normalization_layer_kernel_8h_sou </div><!--header--> <div class="contents"> <a href="_n_e_normalization_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NENORMALIZATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NENORMALIZATIONLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700">NENormalizationLayerKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700">NENormalizationLayerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700">NENormalizationLayerKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#adf3fc8e343c72544d6881066bab7fc8a">~NENormalizationLayerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_squared, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a> norm_info);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keyword">template</span> <<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> dim></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> normalize(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keyword">using</span> NormalizationFunction = void (<a class="code" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a>::*)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  NormalizationFunction _func;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_squared;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a> _norm_info;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> };</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> }</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NENORMALIZATIONLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_normalization_layer_kernel_xhtml_adf3fc8e343c72544d6881066bab7fc8a"><div class="ttname"><a href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#adf3fc8e343c72544d6881066bab7fc8a">arm_compute::NENormalizationLayerKernel::~NENormalizationLayerKernel</a></div><div class="ttdeci">~NENormalizationLayerKernel()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00482">Types.h:482</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00495">Types.h:495</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_normalization_layer_kernel_xhtml_a682ef2213a5c1fd804505e572ea45700"><div class="ttname"><a href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700">arm_compute::NENormalizationLayerKernel::NENormalizationLayerKernel</a></div><div class="ttdeci">NENormalizationLayerKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_normalization_layer_kernel_8h_sou <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_normalization_layer_kernel_8h.xhtml">NENormalizationLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_optical_flow_8h.xhtml b/documentation/_n_e_optical_flow_8h.xhtml index 98f3d17a0..b8561acde 100644 --- a/documentation/_n_e_optical_flow_8h.xhtml +++ b/documentation/_n_e_optical_flow_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -155,7 +155,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_optical_flow_8h.xhtml">NEOpticalFlow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_optical_flow_8h_source.xhtml b/documentation/_n_e_optical_flow_8h_source.xhtml index 250a0de5e..248434452 100644 --- a/documentation/_n_e_optical_flow_8h_source.xhtml +++ b/documentation/_n_e_optical_flow_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_optical_flow_8h_source.xhtml','') <div class="title">NEOpticalFlow.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_optical_flow_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEOPTICALFLOW_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEOPTICALFLOW_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_l_k_tracker_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NELKTrackerKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scharr3x3_8h.xhtml">arm_compute/runtime/NEON/functions/NEScharr3x3.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>Pyramid;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a681c120e2188371794ec3a59768c64ab"> 43</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_array.xhtml">Array<NELKInternalKeypoint></a>;</div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_optical_flow.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> *old_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> *new_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points_estimates,</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points, <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension,</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> use_initial_estimate, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::unique_ptr<NEScharr3x3[]> _func_scharr;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  std::unique_ptr<NELKTrackerKernel[]> _kernel_tracker;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  std::unique_ptr<Tensor[]> _scharr_gx;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<Tensor[]> _scharr_gy;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> _new_points_internal;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> _old_points_internal;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">size_t</span> _num_levels;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> };</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEOPTICALFLOW_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_optical_flow_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEOPTICALFLOW_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEOPTICALFLOW_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_array_8h.xhtml">arm_compute/core/IArray.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_l_k_tracker_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NELKTrackerKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_array_8h.xhtml">arm_compute/runtime/Array.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include "<a class="code" href="_n_e_scharr3x3_8h.xhtml">arm_compute/runtime/NEON/functions/NEScharr3x3.h</a>"</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">class </span>Pyramid;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a681c120e2188371794ec3a59768c64ab"> 43</a></span> <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> = <a class="code" href="classarm__compute_1_1_array.xhtml">Array<NELKInternalKeypoint></a>;</div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_optical_flow.xhtml"> 50</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a>();</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &<a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> *old_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> *new_pyramid, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *old_points, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points_estimates,</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *new_points, <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, <span class="keywordtype">float</span> epsilon, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> num_iterations, <span class="keywordtype">size_t</span> window_dimension,</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">bool</span> use_initial_estimate, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::unique_ptr<NEScharr3x3[]> _func_scharr;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  std::unique_ptr<NELKTrackerKernel[]> _kernel_tracker;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  std::unique_ptr<Tensor[]> _scharr_gx;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  std::unique_ptr<Tensor[]> _scharr_gy;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_new_points_estimates;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_array.xhtml">IKeyPointArray</a> *_old_points;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> _new_points_internal;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_array.xhtml">LKInternalKeypointArray</a> _old_points_internal;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _num_levels;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> };</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEOPTICALFLOW_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_n_e_scharr3x3_8h_xhtml"><div class="ttname"><a href="_n_e_scharr3x3_8h.xhtml">NEScharr3x3.h</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_optical_flow_8h_source.xhtml','') <div class="ttc" id="classarm__compute_1_1_array_xhtml"><div class="ttname"><a href="classarm__compute_1_1_array.xhtml">arm_compute::Array< NELKInternalKeypoint ></a></div></div> <div class="ttc" id="_tensor_8h_xhtml"><div class="ttname"><a href="_tensor_8h.xhtml">Tensor.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_optical_flow_xhtml_a4a73c29e87005e43223003f15d71671c"><div class="ttname"><a href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">arm_compute::NEOpticalFlow::NEOpticalFlow</a></div><div class="ttdeci">NEOpticalFlow()</div><div class="ttdoc">Constructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00217">Types.h:217</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00230">Types.h:230</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_optical_flow_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_optical_flow.xhtml">arm_compute::NEOpticalFlow</a></div><div class="ttdoc">Basic function to execute optical flow. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_optical_flow_8h_source.xhtml#l00050">NEOpticalFlow.h:50</a></div></div> <div class="ttc" id="_i_function_8h_xhtml"><div class="ttname"><a href="_i_function_8h.xhtml">IFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_optical_flow_xhtml_a36071f8f326ffdbfaf95fded57d6771c"><div class="ttname"><a href="classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c">arm_compute::NEOpticalFlow::configure</a></div><div class="ttdeci">void configure(const Pyramid *old_pyramid, const Pyramid *new_pyramid, const IKeyPointArray *old_points, const IKeyPointArray *new_points_estimates, IKeyPointArray *new_points, Termination termination, float epsilon, unsigned int num_iterations, size_t window_dimension, bool use_initial_estimate, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function input and output. </div></div> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_n_e_optical_flow_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_optical_flow_8h.xhtml">NEOpticalFlow.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_phase_8h.xhtml b/documentation/_n_e_phase_8h.xhtml index a0a6d26cb..d9120a965 100644 --- a/documentation/_n_e_phase_8h.xhtml +++ b/documentation/_n_e_phase_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_phase_8h.xhtml">NEPhase.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_phase_8h_source.xhtml b/documentation/_n_e_phase_8h_source.xhtml index f8cc15aea..c1b360df4 100644 --- a/documentation/_n_e_phase_8h_source.xhtml +++ b/documentation/_n_e_phase_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_phase_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_phase_8h.xhtml">NEPhase.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pixel_wise_multiplication_8h.xhtml b/documentation/_n_e_pixel_wise_multiplication_8h.xhtml index 354e69445..f320d873e 100644 --- a/documentation/_n_e_pixel_wise_multiplication_8h.xhtml +++ b/documentation/_n_e_pixel_wise_multiplication_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_pixel_wise_multiplication_8h.xhtml">NEPixelWiseMultiplication.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pixel_wise_multiplication_8h_source.xhtml b/documentation/_n_e_pixel_wise_multiplication_8h_source.xhtml index 7315c513d..e5646ce64 100644 --- a/documentation/_n_e_pixel_wise_multiplication_8h_source.xhtml +++ b/documentation/_n_e_pixel_wise_multiplication_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -120,18 +120,18 @@ $(document).ready(function(){initNavTree('_n_e_pixel_wise_multiplication_8h_sour <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00210">Types.h:210</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00223">Types.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pixel_wise_multiplication_xhtml_ab214c0eb5acd40bde3f8a3fb6c0a6613"><div class="ttname"><a href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613">arm_compute::NEPixelWiseMultiplication::configure</a></div><div class="ttdeci">void configure(const ITensor *input1, const ITensor *input2, ITensor *output, float scale, ConvertPolicy overflow_policy, RoundingPolicy rounding_policy)</div><div class="ttdoc">Initialise the kernel&#39;s inputs, output and convertion policy. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pixel_wise_multiplication_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml">arm_compute::NEPixelWiseMultiplication</a></div><div class="ttdoc">Basic function to run NEPixelWiseMultiplicationKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_pixel_wise_multiplication_8h_source.xhtml#l00035">NEPixelWiseMultiplication.h:35</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_pixel_wise_multiplication_8h.xhtml">NEPixelWiseMultiplication.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pixel_wise_multiplication_kernel_8h.xhtml b/documentation/_n_e_pixel_wise_multiplication_kernel_8h.xhtml index 919a1aee3..c344a5214 100644 --- a/documentation/_n_e_pixel_wise_multiplication_kernel_8h.xhtml +++ b/documentation/_n_e_pixel_wise_multiplication_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_pixel_wise_multiplication_kernel_8h.xhtml">NEPixelWiseMultiplicationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pixel_wise_multiplication_kernel_8h_source.xhtml b/documentation/_n_e_pixel_wise_multiplication_kernel_8h_source.xhtml index 771996f99..97340b15c 100644 --- a/documentation/_n_e_pixel_wise_multiplication_kernel_8h_source.xhtml +++ b/documentation/_n_e_pixel_wise_multiplication_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -124,11 +124,11 @@ $(document).ready(function(){initNavTree('_n_e_pixel_wise_multiplication_kernel_ <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel_xhtml_ab299ab73ca304f9e10359a54a763f4d3"><div class="ttname"><a href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab299ab73ca304f9e10359a54a763f4d3">arm_compute::NEPixelWiseMultiplicationKernel::~NEPixelWiseMultiplicationKernel</a></div><div class="ttdeci">~NEPixelWiseMultiplicationKernel()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00210">Types.h:210</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00223">Types.h:223</a></div></div> <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel_xhtml_a75e09a8ec40fb21b0f71421960b540a6"><div class="ttname"><a href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a75e09a8ec40fb21b0f71421960b540a6">arm_compute::NEPixelWiseMultiplicationKernel::NEPixelWiseMultiplicationKernel</a></div><div class="ttdeci">NEPixelWiseMultiplicationKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">arm_compute::NEPixelWiseMultiplicationKernel</a></div><div class="ttdoc">Interface for the kernel to perform addition between two tensors. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_pixel_wise_multiplication_kernel_8h_source.xhtml#l00035">NEPixelWiseMultiplicationKernel.h:35</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_pixel_wise_multiplication_kernel_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_pixel_wise_multiplication_kernel_8h.xhtml">NEPixelWiseMultiplicationKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pooling_layer_8h.xhtml b/documentation/_n_e_pooling_layer_8h.xhtml index 30c3dadfb..7425542af 100644 --- a/documentation/_n_e_pooling_layer_8h.xhtml +++ b/documentation/_n_e_pooling_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_pooling_layer_8h.xhtml">NEPoolingLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pooling_layer_8h_source.xhtml b/documentation/_n_e_pooling_layer_8h_source.xhtml index f182f3eb7..9c6be6167 100644 --- a/documentation/_n_e_pooling_layer_8h_source.xhtml +++ b/documentation/_n_e_pooling_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,14 +123,14 @@ $(document).ready(function(){initNavTree('_n_e_pooling_layer_8h_source.xhtml','' <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_xhtml_a6fa6e4b65796fd0bf43da9b4d617d568"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568">arm_compute::NEPoolingLayer::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const PoolingLayerInfo &pool_info)</div><div class="ttdoc">Set the input and output tensors. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer.xhtml">arm_compute::NEPoolingLayer</a></div><div class="ttdoc">Basic function to simulate a pooling layer with the specified pooling operation. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_pooling_layer_8h_source.xhtml#l00040">NEPoolingLayer.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml">arm_compute::INESimpleFunction</a></div><div class="ttdoc">Basic interface for functions which have a single NEON kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_i_n_e_simple_function_8h_source.xhtml#l00036">INESimpleFunction.h:36</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00401">Types.h:401</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_pooling_layer_8h.xhtml">NEPoolingLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pooling_layer_kernel_8h.xhtml b/documentation/_n_e_pooling_layer_kernel_8h.xhtml index 3a74564ce..999318313 100644 --- a/documentation/_n_e_pooling_layer_kernel_8h.xhtml +++ b/documentation/_n_e_pooling_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_pooling_layer_kernel_8h.xhtml">NEPoolingLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_pooling_layer_kernel_8h_source.xhtml b/documentation/_n_e_pooling_layer_kernel_8h_source.xhtml index 8315c4df0..adf0162af 100644 --- a/documentation/_n_e_pooling_layer_kernel_8h_source.xhtml +++ b/documentation/_n_e_pooling_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -118,7 +118,7 @@ $(document).ready(function(){initNavTree('_n_e_pooling_layer_kernel_8h_source.xh <div class="contents"> <a href="_n_e_pooling_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEPOOLINGLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml"> 34</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1">NEPoolingLayerKernel</a>();</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1">NEPoolingLayerKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1">NEPoolingLayerKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a3ce56b044278a877edbef5cff1768124">~NEPoolingLayerKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> &pool_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">template</span> <PoolingType pooling_type></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> pooling2(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window_input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">template</span> <PoolingType pooling_type></div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">void</span> pooling3(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window_input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keyword">using</span> PoolingFunction = void (<a class="code" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a>::*)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window_input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  PoolingFunction _func;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> _pool_info;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> };</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> }</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEPOOLINGLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NEPoolingLayerKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_kernel_xhtml_a3ce56b044278a877edbef5cff1768124"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a3ce56b044278a877edbef5cff1768124">arm_compute::NEPoolingLayerKernel::~NEPoolingLayerKernel</a></div><div class="ttdeci">~NEPoolingLayerKernel()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEPoolingLayerKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('_n_e_pooling_layer_kernel_8h_source.xh <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_kernel_xhtml_acfc7162ac184ca219f917d039c58233c"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c">arm_compute::NEPoolingLayerKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, const PoolingLayerInfo &pool_info)</div><div class="ttdoc">Set the input and output tensors. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_pooling_layer_kernel_xhtml_a1729479f9686c64edfd1a4af834d634b"><div class="ttname"><a href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b">arm_compute::NEPoolingLayerKernel::operator=</a></div><div class="ttdeci">NEPoolingLayerKernel & operator=(const NEPoolingLayerKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="_i_n_e_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_kernel_8h.xhtml">INEKernel.h</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00401">Types.h:401</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_kernel_xhtml_a3f5646133956f06348b310ccc3d36353"><div class="ttname"><a href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">arm_compute::IKernel::window</a></div><div class="ttdeci">const Window & window() const </div><div class="ttdoc">The maximum window the kernel can be executed on. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_pooling_layer_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_pooling_layer_kernel_8h.xhtml">NEPoolingLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_remap_8h.xhtml b/documentation/_n_e_remap_8h.xhtml index b8bdec4e2..fde9787a7 100644 --- a/documentation/_n_e_remap_8h.xhtml +++ b/documentation/_n_e_remap_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_remap_8h.xhtml">NERemap.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_remap_8h_source.xhtml b/documentation/_n_e_remap_8h_source.xhtml index f85b88e76..51dd55f9e 100644 --- a/documentation/_n_e_remap_8h_source.xhtml +++ b/documentation/_n_e_remap_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_n_e_remap_8h_source.xhtml','');}); <div class="title">NERemap.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_remap_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEREMAP_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEREMAP_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_remap.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_remap.xhtml">NERemap</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output,</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> };</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEREMAP_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_remap_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEREMAP_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEREMAP_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_remap.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_remap.xhtml">NERemap</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output,</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> };</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEREMAP_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_remap_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_remap.xhtml">arm_compute::NERemap</a></div><div class="ttdoc">Basic function to execute remap. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_remap_8h_source.xhtml#l00042">NERemap.h:42</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_n_e_remap_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_remap_8h.xhtml">NERemap.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_remap_kernel_8h.xhtml b/documentation/_n_e_remap_kernel_8h.xhtml index 72edf15db..7402d2c18 100644 --- a/documentation/_n_e_remap_kernel_8h.xhtml +++ b/documentation/_n_e_remap_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_remap_kernel_8h.xhtml">NERemapKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_remap_kernel_8h_source.xhtml b/documentation/_n_e_remap_kernel_8h_source.xhtml index b4b691337..f55bb574d 100644 --- a/documentation/_n_e_remap_kernel_8h_source.xhtml +++ b/documentation/_n_e_remap_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_remap_kernel_8h_source.xhtml','') <div class="title">NERemapKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_remap_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEREMAPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEREMAPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_remap_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a6765950fc203ca7413dd78271664c779">~NERemapKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> remap_nearest(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> remap_bilinear(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  void (<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_map_x; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_map_y; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> };</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> }</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEREMAPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_remap_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEREMAPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEREMAPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_remap_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a6765950fc203ca7413dd78271664c779">~NERemapKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *map_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> remap_nearest(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> remap_bilinear(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  void (<a class="code" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_map_x; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_map_y; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> };</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> }</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEREMAPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_remap_kernel_xhtml_aca07bf938309c22c50104ed93b7d3d1e"><div class="ttname"><a href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">arm_compute::NERemapKernel::NERemapKernel</a></div><div class="ttdeci">NERemapKernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_remap_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_remap_kernel_8h.xhtml">NERemapKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scale_8h.xhtml b/documentation/_n_e_scale_8h.xhtml index 59ca63ad7..46222f9ad 100644 --- a/documentation/_n_e_scale_8h.xhtml +++ b/documentation/_n_e_scale_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_scale_8h.xhtml">NEScale.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scale_8h_source.xhtml b/documentation/_n_e_scale_8h_source.xhtml index b8b363ac7..c1687c2dd 100644 --- a/documentation/_n_e_scale_8h_source.xhtml +++ b/documentation/_n_e_scale_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_n_e_scale_8h_source.xhtml','');}); <div class="title">NEScale.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_scale_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCALEIMAGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCALEIMAGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scale.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657">NEScale</a>();</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _offsets; </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _dx; </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _dy; </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> };</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCALEIMAGE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_scale_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCALEIMAGE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCALEIMAGE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scale.xhtml"> 38</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657">NEScale</a>();</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _offsets; </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _dx; </div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _dy; </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> };</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCALEIMAGE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_xhtml_a30a0363a371ac59877079c6ec1962657"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657">arm_compute::NEScale::NEScale</a></div><div class="ttdeci">NEScale()</div><div class="ttdoc">Constructor. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_scale_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_scale_8h.xhtml">NEScale.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scale_kernel_8h.xhtml b/documentation/_n_e_scale_kernel_8h.xhtml index 108d18580..4e0bb0606 100644 --- a/documentation/_n_e_scale_kernel_8h.xhtml +++ b/documentation/_n_e_scale_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_scale_kernel_8h.xhtml">NEScaleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scale_kernel_8h_source.xhtml b/documentation/_n_e_scale_kernel_8h_source.xhtml index 48db26c31..f4b8daa21 100644 --- a/documentation/_n_e_scale_kernel_8h_source.xhtml +++ b/documentation/_n_e_scale_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,9 +116,9 @@ $(document).ready(function(){initNavTree('_n_e_scale_kernel_8h_source.xhtml','') <div class="title">NEScaleKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_scale_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCALEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCALEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scale_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a20422dd80d0c568f0c07730923a0d8d0">~NEScaleKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *dx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *dy, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *offsets, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> scale_nearest(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> scale_bilinear(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keywordtype">void</span> scale_area(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  void (<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_offsets;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_dx;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_dy;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> };</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCALEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_scale_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCALEKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCALEKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scale_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4">NEScaleKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a20422dd80d0c568f0c07730923a0d8d0">~NEScaleKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *dx, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *dy, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *offsets, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> scale_nearest(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordtype">void</span> scale_bilinear(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keywordtype">void</span> scale_area(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  void (<a class="code" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_offsets;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_dx;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_dy;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> };</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCALEKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NEScaleKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_kernel_xhtml_a423f9a45a52983b4de5e2b347f4369c7"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">arm_compute::NEScaleKernel::border_size</a></div><div class="ttdeci">BorderSize border_size() const override</div><div class="ttdoc">The size of the border for that kernel. </div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_scale_kernel_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_scale_kernel_8h.xhtml">NEScaleKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scharr3x3_8h.xhtml b/documentation/_n_e_scharr3x3_8h.xhtml index dbf63efb2..c562b08ed 100644 --- a/documentation/_n_e_scharr3x3_8h.xhtml +++ b/documentation/_n_e_scharr3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_scharr3x3_8h.xhtml">NEScharr3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scharr3x3_8h_source.xhtml b/documentation/_n_e_scharr3x3_8h_source.xhtml index fe91df590..a70dec64e 100644 --- a/documentation/_n_e_scharr3x3_8h_source.xhtml +++ b/documentation/_n_e_scharr3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_scharr3x3_8h_source.xhtml','');}) <div class="title">NEScharr3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_scharr3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCHARR3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCHARR3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scharr3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scharr3x3.xhtml">NEScharr3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCHARR3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_scharr3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCHARR3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCHARR3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scharr3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scharr3x3.xhtml">NEScharr3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCHARR3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scharr3x3_xhtml_accd52dcca79320a1a6e6a804b7b91fb0"><div class="ttname"><a href="classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">arm_compute::NEScharr3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output_x, ITensor *output_y, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_scharr3x3_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_scharr3x3_8h.xhtml">NEScharr3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scharr3x3_kernel_8h.xhtml b/documentation/_n_e_scharr3x3_kernel_8h.xhtml index bce3b4169..7921790b8 100644 --- a/documentation/_n_e_scharr3x3_kernel_8h.xhtml +++ b/documentation/_n_e_scharr3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_scharr3x3_kernel_8h.xhtml">NEScharr3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scharr3x3_kernel_8h_source.xhtml b/documentation/_n_e_scharr3x3_kernel_8h_source.xhtml index d117cd7ea..3747febd8 100644 --- a/documentation/_n_e_scharr3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_scharr3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_scharr3x3_kernel_8h_source.xhtml' <div class="title">NEScharr3x3Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_scharr3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCHARR3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCHARR3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>();</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a40d29ef4a881c7f54f2c5ac7e59500fb">~NEScharr3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">bool</span> _run_scharr_x; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">bool</span> _run_scharr_y; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> };</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> }</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCHARR3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_n_e_scharr3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESCHARR3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESCHARR3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>();</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a40d29ef4a881c7f54f2c5ac7e59500fb">~NEScharr3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">bool</span> _run_scharr_x; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">bool</span> _run_scharr_y; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> };</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> }</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESCHARR3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_scharr3x3_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_scharr3x3_kernel_8h.xhtml">NEScharr3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scheduler_8h.xhtml b/documentation/_n_e_scheduler_8h.xhtml index aef35043d..1c0957bb5 100644 --- a/documentation/_n_e_scheduler_8h.xhtml +++ b/documentation/_n_e_scheduler_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_scheduler_8h.xhtml">NEScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_scheduler_8h_source.xhtml b/documentation/_n_e_scheduler_8h_source.xhtml index f5282f81f..a4ddeab33 100644 --- a/documentation/_n_e_scheduler_8h_source.xhtml +++ b/documentation/_n_e_scheduler_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -125,7 +125,7 @@ $(document).ready(function(){initNavTree('_n_e_scheduler_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="_n_e_scheduler_8h.xhtml">NEScheduler.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel3x3_8h.xhtml b/documentation/_n_e_sobel3x3_8h.xhtml index f50a5700f..19c5e1db5 100644 --- a/documentation/_n_e_sobel3x3_8h.xhtml +++ b/documentation/_n_e_sobel3x3_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel3x3_8h.xhtml">NESobel3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel3x3_8h_source.xhtml b/documentation/_n_e_sobel3x3_8h_source.xhtml index 4feee1de5..ef115cdd1 100644 --- a/documentation/_n_e_sobel3x3_8h_source.xhtml +++ b/documentation/_n_e_sobel3x3_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel3x3_8h_source.xhtml','');}); <div class="title">NESobel3x3.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_sobel3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel3x3.xhtml">NESobel3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_sobel3x3_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL3x3_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL3x3_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel3x3.xhtml"> 42</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel3x3.xhtml">NESobel3x3</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL3x3_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel3x3_xhtml_accd52dcca79320a1a6e6a804b7b91fb0"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">arm_compute::NESobel3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output_x, ITensor *output_y, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel3x3_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel3x3_8h.xhtml">NESobel3x3.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel3x3_kernel_8h.xhtml b/documentation/_n_e_sobel3x3_kernel_8h.xhtml index d805f4329..140a3f4e6 100644 --- a/documentation/_n_e_sobel3x3_kernel_8h.xhtml +++ b/documentation/_n_e_sobel3x3_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel3x3_kernel_8h.xhtml">NESobel3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel3x3_kernel_8h_source.xhtml b/documentation/_n_e_sobel3x3_kernel_8h_source.xhtml index 916336b39..423f6f93e 100644 --- a/documentation/_n_e_sobel3x3_kernel_8h_source.xhtml +++ b/documentation/_n_e_sobel3x3_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel3x3_kernel_8h_source.xhtml', <div class="title">NESobel3x3Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_sobel3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>();</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#aff65aac9947b796380e33bc82a9795b5">~NESobel3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> };</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> }</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_n_e_sobel3x3_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL3x3KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL3x3KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml"> 43</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>();</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#aff65aac9947b796380e33bc82a9795b5">~NESobel3x3Kernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> };</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> }</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL3x3KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel3x3_kernel_xhtml_a517dc6cf8dd14439b40ba8c06ead5810"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">arm_compute::NESobel3x3Kernel::NESobel3x3Kernel</a></div><div class="ttdeci">NESobel3x3Kernel()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel3x3_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel3x3_kernel_8h.xhtml">NESobel3x3Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel5x5_8h.xhtml b/documentation/_n_e_sobel5x5_8h.xhtml index 1189a3360..6fda71990 100644 --- a/documentation/_n_e_sobel5x5_8h.xhtml +++ b/documentation/_n_e_sobel5x5_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel5x5_8h.xhtml">NESobel5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel5x5_8h_source.xhtml b/documentation/_n_e_sobel5x5_8h_source.xhtml index fc8f9e197..ad5190fe8 100644 --- a/documentation/_n_e_sobel5x5_8h_source.xhtml +++ b/documentation/_n_e_sobel5x5_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel5x5_8h_source.xhtml','');}); <div class="title">NESobel5x5.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_sobel5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL5x5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL5x5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_sobel5x5_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NESobel5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml">NESobel5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d">NESobel5x5</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> };</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL5x5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_sobel5x5_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL5x5_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL5x5_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_sobel5x5_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NESobel5x5Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel5x5.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml">NESobel5x5</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d">NESobel5x5</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> };</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL5x5_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel5x5.xhtml">arm_compute::NESobel5x5</a></div><div class="ttdoc">Basic function to execute sobel 5x5 filter. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_sobel5x5_8h_source.xhtml#l00046">NESobel5x5.h:46</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel5x5_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel5x5_8h.xhtml">NESobel5x5.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel5x5_kernel_8h.xhtml b/documentation/_n_e_sobel5x5_kernel_8h.xhtml index 309f0796e..e6ba368e8 100644 --- a/documentation/_n_e_sobel5x5_kernel_8h.xhtml +++ b/documentation/_n_e_sobel5x5_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel5x5_kernel_8h.xhtml">NESobel5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel5x5_kernel_8h_source.xhtml b/documentation/_n_e_sobel5x5_kernel_8h_source.xhtml index 20873d888..974130458 100644 --- a/documentation/_n_e_sobel5x5_kernel_8h_source.xhtml +++ b/documentation/_n_e_sobel5x5_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel5x5_kernel_8h_source.xhtml', </div><!--header--> <div class="contents"> <a href="_n_e_sobel5x5_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL5x5KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL5x5KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b">NESobel5x5HorKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b">NESobel5x5HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b">NESobel5x5HorKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9905eef5888d96ccddf9788adfadfcfb">~NESobel5x5HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00079"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml"> 79</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a>();</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ~<a class="code" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_x; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_y; </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> };</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> }</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL5x5KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_sobel5x5_hor_kernel_xhtml_a9905eef5888d96ccddf9788adfadfcfb"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9905eef5888d96ccddf9788adfadfcfb">arm_compute::NESobel5x5HorKernel::~NESobel5x5HorKernel</a></div><div class="ttdeci">~NESobel5x5HorKernel()=default</div><div class="ttdoc">Default destructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel5x5_hor_kernel_xhtml_ace7523f9c3073ad82b77e46318a1ea77"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">arm_compute::NESobel5x5HorKernel::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output_x, ITensor *output_y, bool border_undefined)</div><div class="ttdoc">Initialise the kernel&#39;s source, destination and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel5x5_hor_kernel_xhtml_a8fd12b95bdde3f93db96bc9b1598db69"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">arm_compute::NESobel5x5HorKernel::run</a></div><div class="ttdeci">void run(const Window &window) override</div><div class="ttdoc">Execute the kernel on the passed window. </div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel5x5_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel5x5_kernel_8h.xhtml">NESobel5x5Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel7x7_8h.xhtml b/documentation/_n_e_sobel7x7_8h.xhtml index 9f0a1badb..78573c297 100644 --- a/documentation/_n_e_sobel7x7_8h.xhtml +++ b/documentation/_n_e_sobel7x7_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel7x7_8h.xhtml">NESobel7x7.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel7x7_8h_source.xhtml b/documentation/_n_e_sobel7x7_8h_source.xhtml index 54b3bd122..53093fd2e 100644 --- a/documentation/_n_e_sobel7x7_8h_source.xhtml +++ b/documentation/_n_e_sobel7x7_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel7x7_8h_source.xhtml','');}); <div class="title">NESobel7x7.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_sobel7x7_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL7x7_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL7x7_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_sobel7x7_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NESobel7x7Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml">NESobel7x7</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a">NESobel7x7</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> };</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL7x7_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_sobel7x7_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL7x7_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL7x7_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_n_e_fill_border_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NEFillBorderKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_sobel7x7_kernel_8h.xhtml">arm_compute/core/NEON/kernels/NESobel7x7Kernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_i_function_8h.xhtml">arm_compute/runtime/IFunction.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00046"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7.xhtml"> 46</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml">NESobel7x7</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> {</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a">NESobel7x7</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> </div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> _sobel_hor; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> _sobel_vert; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_x; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> _tmp_y; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> _border_handler; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> };</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL7x7_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_function_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_function.xhtml">arm_compute::IFunction</a></div><div class="ttdoc">Base class for all functions. </div><div class="ttdef"><b>Definition:</b> <a href="_i_function_8h_source.xhtml#l00030">IFunction.h:30</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel7x7_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel7x7.xhtml">arm_compute::NESobel7x7</a></div><div class="ttdoc">Basic function to execute sobel 7x7 filter. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_sobel7x7_8h_source.xhtml#l00046">NESobel7x7.h:46</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel7x7_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_sobel7x7_8h.xhtml">NESobel7x7.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel7x7_kernel_8h.xhtml b/documentation/_n_e_sobel7x7_kernel_8h.xhtml index 7e7c84e9e..b22f2d40b 100644 --- a/documentation/_n_e_sobel7x7_kernel_8h.xhtml +++ b/documentation/_n_e_sobel7x7_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel7x7_kernel_8h.xhtml">NESobel7x7Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_sobel7x7_kernel_8h_source.xhtml b/documentation/_n_e_sobel7x7_kernel_8h_source.xhtml index d144de1e4..66b0474a5 100644 --- a/documentation/_n_e_sobel7x7_kernel_8h_source.xhtml +++ b/documentation/_n_e_sobel7x7_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel7x7_kernel_8h_source.xhtml', <div class="title">NESobel7x7Kernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_sobel7x7_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL7x7KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL7x7KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad4bba8f7619ade93cc4220dbcc72c35a">~NESobel7x7HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00079"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml"> 79</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>();</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ~<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_x; </div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_y; </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> }</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL7x7KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<a href="_n_e_sobel7x7_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOBEL7x7KERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOBEL7x7KERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> {</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00036"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml"> 36</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad4bba8f7619ade93cc4220dbcc72c35a">~NESobel7x7HorKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00079"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml"> 79</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>();</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ~<a class="code" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_x, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_y, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_x, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output_y, <span class="keywordtype">bool</span> border_undefined);</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_x; </div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input_y; </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_x; </div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output_y; </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keywordtype">bool</span> _run_sobel_x; </div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">bool</span> _run_sobel_y; </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> };</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> }</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOBEL7x7KERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_sobel7x7_hor_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">arm_compute::NESobel7x7HorKernel</a></div><div class="ttdoc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_sobel7x7_kernel_8h_source.xhtml#l00036">NESobel7x7Kernel.h:36</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_sobel7x7_kernel_8h_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_sobel7x7_kernel_8h.xhtml">NESobel7x7Kernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_softmax_layer_8h.xhtml b/documentation/_n_e_softmax_layer_8h.xhtml index d2e69a999..ccec7cae7 100644 --- a/documentation/_n_e_softmax_layer_8h.xhtml +++ b/documentation/_n_e_softmax_layer_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_softmax_layer_8h.xhtml">NESoftmaxLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_softmax_layer_8h_source.xhtml b/documentation/_n_e_softmax_layer_8h_source.xhtml index be52d9d20..c32e69691 100644 --- a/documentation/_n_e_softmax_layer_8h_source.xhtml +++ b/documentation/_n_e_softmax_layer_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_n_e_softmax_layer_8h_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_softmax_layer_8h.xhtml">NESoftmaxLayer.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_softmax_layer_kernel_8h.xhtml b/documentation/_n_e_softmax_layer_kernel_8h.xhtml index 4be4105bc..cd97cd890 100644 --- a/documentation/_n_e_softmax_layer_kernel_8h.xhtml +++ b/documentation/_n_e_softmax_layer_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_softmax_layer_kernel_8h.xhtml">NESoftmaxLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_softmax_layer_kernel_8h_source.xhtml b/documentation/_n_e_softmax_layer_kernel_8h_source.xhtml index 3014c83f3..a285b82c8 100644 --- a/documentation/_n_e_softmax_layer_kernel_8h_source.xhtml +++ b/documentation/_n_e_softmax_layer_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -117,7 +117,7 @@ $(document).ready(function(){initNavTree('_n_e_softmax_layer_kernel_8h_source.xh </div><!--header--> <div class="contents"> <a href="_n_e_softmax_layer_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NESOFTMAXLAYERKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NESOFTMAXLAYERKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_kernel_8h.xhtml">arm_compute/core/NEON/INESimpleKernel.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> {</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml"> 35</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml">NELogits1DMaxKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">INESimpleKernel</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051">NELogits1DMaxKernel</a>();</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> };</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00056"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml"> 56</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> {</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a>();</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ~<a class="code" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *max, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *sum);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">border_size</a>() <span class="keyword">const override</span>;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_max;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_sum;</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> _border_size;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> };</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00094"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml"> 94</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> {</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a>();</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a>(<a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &<a class="code" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">operator=</a>(<a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  ~<a class="code" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> </div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *sum, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> </div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input;</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_sum;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span> };</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> }</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NESOFTMAXLAYERKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_i_n_e_simple_kernel_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_kernel_8h.xhtml">INESimpleKernel.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">arm_compute::NELogits1DShiftExpSumKernel</a></div><div class="ttdoc">Interface for shifting the logits values around the max value and exponentiating the result...</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_softmax_layer_kernel_8h_source.xhtml#l00056">NESoftmaxLayerKernel.h:56</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_logits1_d_max_kernel_xhtml_a7dcfcda37359d31c2510ad865f4ca051"><div class="ttname"><a href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051">arm_compute::NELogits1DMaxKernel::NELogits1DMaxKernel</a></div><div class="ttdeci">NELogits1DMaxKernel()</div><div class="ttdoc">Default constructor. </div></div> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('_n_e_softmax_layer_kernel_8h_source.xh <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_softmax_layer_kernel_8h.xhtml">NESoftmaxLayerKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_table_lookup_8h.xhtml b/documentation/_n_e_table_lookup_8h.xhtml index 985084519..54b351dda 100644 --- a/documentation/_n_e_table_lookup_8h.xhtml +++ b/documentation/_n_e_table_lookup_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_table_lookup_8h.xhtml">NETableLookup.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_table_lookup_8h_source.xhtml b/documentation/_n_e_table_lookup_8h_source.xhtml index 88fa9ff56..fc00c6864 100644 --- a/documentation/_n_e_table_lookup_8h_source.xhtml +++ b/documentation/_n_e_table_lookup_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_n_e_table_lookup_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_table_lookup_8h.xhtml">NETableLookup.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_table_lookup_kernel_8h.xhtml b/documentation/_n_e_table_lookup_kernel_8h.xhtml index 244fa5085..52f172c7d 100644 --- a/documentation/_n_e_table_lookup_kernel_8h.xhtml +++ b/documentation/_n_e_table_lookup_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_table_lookup_kernel_8h.xhtml">NETableLookupKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_table_lookup_kernel_8h_source.xhtml b/documentation/_n_e_table_lookup_kernel_8h_source.xhtml index 91610d00c..c530f028a 100644 --- a/documentation/_n_e_table_lookup_kernel_8h_source.xhtml +++ b/documentation/_n_e_table_lookup_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_table_lookup_kernel_8h_source.xht <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_table_lookup_kernel_8h.xhtml">NETableLookupKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_threshold_8h.xhtml b/documentation/_n_e_threshold_8h.xhtml index 8a6d37530..f40a754cc 100644 --- a/documentation/_n_e_threshold_8h.xhtml +++ b/documentation/_n_e_threshold_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_threshold_8h.xhtml">NEThreshold.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_threshold_8h_source.xhtml b/documentation/_n_e_threshold_8h_source.xhtml index f61ee6ab6..265473704 100644 --- a/documentation/_n_e_threshold_8h_source.xhtml +++ b/documentation/_n_e_threshold_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_n_e_threshold_8h_source.xhtml','');}) <a href="_n_e_threshold_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NETHRESHOLD_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NETHRESHOLD_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_threshold.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_threshold.xhtml">NEThreshold</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, uint8_t threshold, uint8_t false_value = 0, uint8_t true_value = 0,</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a> type = <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">ThresholdType::BINARY</a>, uint8_t upper = 0);</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> };</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> }</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NETHRESHOLD_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_n_e_threshold_xhtml_ad5e6dc9965405ea5d7d1cda26a14644c"><div class="ttname"><a href="classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c">arm_compute::NEThreshold::configure</a></div><div class="ttdeci">void configure(const ITensor *input, ITensor *output, uint8_t threshold, uint8_t false_value=0, uint8_t true_value=0, ThresholdType type=ThresholdType::BINARY, uint8_t upper=0)</div><div class="ttdoc">Initialise the function&#39;s source, destination, thresholds and threshold type. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00203">Types.h:203</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00216">Types.h:216</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_threshold_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_threshold.xhtml">arm_compute::NEThreshold</a></div><div class="ttdoc">Basic function to run NEThresholdKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_threshold_8h_source.xhtml#l00037">NEThreshold.h:37</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_n_e_threshold_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_threshold_8h.xhtml">NEThreshold.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_threshold_kernel_8h.xhtml b/documentation/_n_e_threshold_kernel_8h.xhtml index c2e948beb..7f7386642 100644 --- a/documentation/_n_e_threshold_kernel_8h.xhtml +++ b/documentation/_n_e_threshold_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_threshold_kernel_8h.xhtml">NEThresholdKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_threshold_kernel_8h_source.xhtml b/documentation/_n_e_threshold_kernel_8h_source.xhtml index bb410bb76..c3389aae0 100644 --- a/documentation/_n_e_threshold_kernel_8h_source.xhtml +++ b/documentation/_n_e_threshold_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -119,7 +119,7 @@ $(document).ready(function(){initNavTree('_n_e_threshold_kernel_8h_source.xhtml' <a href="_n_e_threshold_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NETHRESHOLDKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NETHRESHOLDKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45">NEThresholdKernel</a>();</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45">NEThresholdKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> &<a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, uint8_t threshold, uint8_t false_value, uint8_t true_value, <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a> type, uint8_t upper);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> run_binary(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="keywordtype">void</span> run_range(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  void (<a class="code" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  uint8_t _threshold;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  uint8_t _false_value;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  uint8_t _true_value;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  uint8_t _upper;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> };</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> }</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NETHRESHOLDKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_threshold_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">arm_compute::NEThresholdKernel</a></div><div class="ttdoc">Interface for the thresholding kernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_threshold_kernel_8h_source.xhtml#l00039">NEThresholdKernel.h:39</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00203">Types.h:203</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00216">Types.h:216</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_threshold_kernel_xhtml_ade42f76ebc9cf95d29f8642069d1c0c2"><div class="ttname"><a href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2">arm_compute::NEThresholdKernel::operator=</a></div><div class="ttdeci">NEThresholdKernel & operator=(const NEThresholdKernel &)=delete</div><div class="ttdoc">Prevent instances of this class from being copied (As this class contains pointers) ...</div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_n_e_threshold_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_threshold_kernel_8h.xhtml">NEThresholdKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_transpose_8h.xhtml b/documentation/_n_e_transpose_8h.xhtml index 64b713d73..2e9f5bcf9 100644 --- a/documentation/_n_e_transpose_8h.xhtml +++ b/documentation/_n_e_transpose_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_transpose_8h.xhtml">NETranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_transpose_8h_source.xhtml b/documentation/_n_e_transpose_8h_source.xhtml index c0c05295d..ec6bac12a 100644 --- a/documentation/_n_e_transpose_8h_source.xhtml +++ b/documentation/_n_e_transpose_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_n_e_transpose_8h_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_transpose_8h.xhtml">NETranspose.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_transpose_kernel_8h.xhtml b/documentation/_n_e_transpose_kernel_8h.xhtml index 4a568660d..df268e6d8 100644 --- a/documentation/_n_e_transpose_kernel_8h.xhtml +++ b/documentation/_n_e_transpose_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_transpose_kernel_8h.xhtml">NETransposeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_transpose_kernel_8h_source.xhtml b/documentation/_n_e_transpose_kernel_8h_source.xhtml index 72cd17b9c..cee44d928 100644 --- a/documentation/_n_e_transpose_kernel_8h_source.xhtml +++ b/documentation/_n_e_transpose_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_n_e_transpose_kernel_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_transpose_kernel_8h.xhtml">NETransposeKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_affine_8h.xhtml b/documentation/_n_e_warp_affine_8h.xhtml index 54060540b..ce10b7c3c 100644 --- a/documentation/_n_e_warp_affine_8h.xhtml +++ b/documentation/_n_e_warp_affine_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_warp_affine_8h.xhtml">NEWarpAffine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_affine_8h_source.xhtml b/documentation/_n_e_warp_affine_8h_source.xhtml index 94939357d..23f651c81 100644 --- a/documentation/_n_e_warp_affine_8h_source.xhtml +++ b/documentation/_n_e_warp_affine_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_n_e_warp_affine_8h_source.xhtml',''); <div class="title">NEWarpAffine.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_warp_affine_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPAFFINE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPAFFINE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_affine.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_affine.xhtml">NEWarpAffine</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPAFFINE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_warp_affine_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPAFFINE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPAFFINE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_affine.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_affine.xhtml">NEWarpAffine</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPAFFINE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_warp_affine_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_warp_affine.xhtml">arm_compute::NEWarpAffine</a></div><div class="ttdoc">Basic function to run NEWarpAffineKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_warp_affine_8h_source.xhtml#l00037">NEWarpAffine.h:37</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_n_e_warp_affine_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_warp_affine_8h.xhtml">NEWarpAffine.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_kernel_8h.xhtml b/documentation/_n_e_warp_kernel_8h.xhtml index 10ac97a7b..deddc203d 100644 --- a/documentation/_n_e_warp_kernel_8h.xhtml +++ b/documentation/_n_e_warp_kernel_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_warp_kernel_8h.xhtml">NEWarpKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_kernel_8h_source.xhtml b/documentation/_n_e_warp_kernel_8h_source.xhtml index eaaa71939..e113824f2 100644 --- a/documentation/_n_e_warp_kernel_8h_source.xhtml +++ b/documentation/_n_e_warp_kernel_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('_n_e_warp_kernel_8h_source.xhtml',''); <div class="title">NEWarpKernel.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_warp_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>(<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">operator=</a>(<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  void (<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  uint8_t _constant_border_value; </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">const</span> <span class="keywordtype">float</span> *_matrix; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="keyword">template</span> <InterpolationPolicy <span class="keywordtype">int</span>erpolation></div><div class="line"><a name="l00095"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml"> 95</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> {</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">template</span> <InterpolationPolicy <span class="keywordtype">int</span>erpolation></div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml"> 108</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a></div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> {</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> };</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="_n_e_warp_kernel_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPKERNEL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPKERNEL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_kernel_8h.xhtml">arm_compute/core/NEON/INEKernel.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">INEKernel</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>();</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &) = <span class="keyword">delete</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a>(<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">operator=</a>(<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0">configure</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keyword">virtual</span> <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) = 0;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  void (<a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a>::*_func)(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_input; </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *_output; </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  uint8_t _constant_border_value; </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keyword">const</span> <span class="keywordtype">float</span> *_matrix; </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> };</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> <span class="keyword">template</span> <InterpolationPolicy <span class="keywordtype">int</span>erpolation></div><div class="line"><a name="l00095"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml"> 95</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> {</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> };</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> <span class="keyword">template</span> <InterpolationPolicy <span class="keywordtype">int</span>erpolation></div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml"> 108</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a></div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> {</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="comment">// Inherited methods overridden:</span></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordtype">void</span> warp_undefined(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="code" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) <span class="keyword">override</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordtype">void</span> warp_constant(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordtype">void</span> warp_replicate(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> &window) <span class="keyword">override</span>;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> };</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPKERNEL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_p_p_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">arm_compute::ICPPKernel</a></div><div class="ttdoc">Common interface for all kernels implemented in C++. </div><div class="ttdef"><b>Definition:</b> <a href="_i_c_p_p_kernel_8h_source.xhtml#l00034">ICPPKernel.h:34</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_warp_kernel_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">arm_compute::INEWarpKernel</a></div><div class="ttdoc">Common interface for warp affine and warp perspective. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_warp_kernel_8h_source.xhtml#l00037">NEWarpKernel.h:37</a></div></div> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('_n_e_warp_kernel_8h_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li><li class="navelem"><a class="el" href="_n_e_warp_kernel_8h.xhtml">NEWarpKernel.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_perspective_8h.xhtml b/documentation/_n_e_warp_perspective_8h.xhtml index 6f2a58e3d..ec265154b 100644 --- a/documentation/_n_e_warp_perspective_8h.xhtml +++ b/documentation/_n_e_warp_perspective_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_warp_perspective_8h.xhtml">NEWarpPerspective.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_n_e_warp_perspective_8h_source.xhtml b/documentation/_n_e_warp_perspective_8h_source.xhtml index d239a6149..ce9920614 100644 --- a/documentation/_n_e_warp_perspective_8h_source.xhtml +++ b/documentation/_n_e_warp_perspective_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('_n_e_warp_perspective_8h_source.xhtml' <div class="title">NEWarpPerspective.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_n_e_warp_perspective_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_perspective.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_perspective.xhtml">NEWarpPerspective</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPPERSPECTIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<a href="_n_e_warp_perspective_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_NEWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_NEWARPPERSPECTIVE_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_n_e_simple_function_8h.xhtml">arm_compute/runtime/NEON/INESimpleFunction.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">class </span>ITensor;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_n_e_warp_perspective.xhtml"> 37</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_n_e_warp_perspective.xhtml">NEWarpPerspective</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd">configure</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, <span class="keyword">const</span> <span class="keywordtype">float</span> *matrix, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value = 0);</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> }</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_NEWARPPERSPECTIVE_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="_i_n_e_simple_function_8h_xhtml"><div class="ttname"><a href="_i_n_e_simple_function_8h.xhtml">INESimpleFunction.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_n_e_warp_perspective_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li><li class="navelem"><a class="el" href="_n_e_warp_perspective_8h.xhtml">NEWarpPerspective.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_open_c_l_8h.js b/documentation/_open_c_l_8h.js index 8b01dfc02..32ecb8786 100644 --- a/documentation/_open_c_l_8h.js +++ b/documentation/_open_c_l_8h.js @@ -3,5 +3,6 @@ var _open_c_l_8h = [ "CL_HPP_CL_1_2_DEFAULT_BUILD", "_open_c_l_8h.xhtml#a68d54dc532d47c93108cfcdf8c415e43", null ], [ "CL_HPP_ENABLE_EXCEPTIONS", "_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb", null ], [ "CL_HPP_MINIMUM_OPENCL_VERSION", "_open_c_l_8h.xhtml#a2053025c576bcf48e249dd20e884a560", null ], - [ "CL_HPP_TARGET_OPENCL_VERSION", "_open_c_l_8h.xhtml#a37ea07405ca286c1570612b42d43b345", null ] + [ "CL_HPP_TARGET_OPENCL_VERSION", "_open_c_l_8h.xhtml#a37ea07405ca286c1570612b42d43b345", null ], + [ "opencl_is_available", "_open_c_l_8h.xhtml#aa4f4d7a58287017588fc338965873f14", null ] ];
\ No newline at end of file diff --git a/documentation/_open_c_l_8h.xhtml b/documentation/_open_c_l_8h.xhtml index 0a33973a3..b720dd8f5 100644 --- a/documentation/_open_c_l_8h.xhtml +++ b/documentation/_open_c_l_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -114,7 +114,8 @@ $(document).ready(function(){initNavTree('_open_c_l_8h.xhtml','');}); <div class="header"> <div class="summary"> <a href="#namespaces">Namespaces</a> | -<a href="#define-members">Macros</a> </div> +<a href="#define-members">Macros</a> | +<a href="#func-members">Functions</a> </div> <div class="headertitle"> <div class="title">OpenCL.h File Reference</div> </div> </div><!--header--> @@ -127,6 +128,8 @@ $(document).ready(function(){initNavTree('_open_c_l_8h.xhtml','');}); Namespaces</h2></td></tr> <tr class="memitem:namespacecl"><td class="memItemLeft" align="right" valign="top">  </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacecl.xhtml">cl</a></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:namespacearm__compute"><td class="memItemLeft" align="right" valign="top">  </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="define-members"></a> Macros</h2></td></tr> @@ -138,6 +141,11 @@ Macros</h2></td></tr> <tr class="separator:a37ea07405ca286c1570612b42d43b345"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a2053025c576bcf48e249dd20e884a560"><td class="memItemLeft" align="right" valign="top">#define </td><td class="memItemRight" valign="bottom"><a class="el" href="_open_c_l_8h.xhtml#a2053025c576bcf48e249dd20e884a560">CL_HPP_MINIMUM_OPENCL_VERSION</a>   110</td></tr> <tr class="separator:a2053025c576bcf48e249dd20e884a560"><td class="memSeparator" colspan="2"> </td></tr> +</table><table class="memberdecls"> +<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="func-members"></a> +Functions</h2></td></tr> +<tr class="memitem:aa4f4d7a58287017588fc338965873f14"><td class="memItemLeft" align="right" valign="top">bool </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">opencl_is_available</a> ()</td></tr> +<tr class="separator:aa4f4d7a58287017588fc338965873f14"><td class="memSeparator" colspan="2"> </td></tr> </table> <h2 class="groupheader">Macro Definition Documentation</h2> <a class="anchor" id="a68d54dc532d47c93108cfcdf8c415e43"></a> @@ -202,7 +210,7 @@ Macros</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_open_c_l_8h.xhtml">OpenCL.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_open_c_l_8h_source.xhtml b/documentation/_open_c_l_8h_source.xhtml index 461214577..e53124838 100644 --- a/documentation/_open_c_l_8h_source.xhtml +++ b/documentation/_open_c_l_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,14 +116,16 @@ $(document).ready(function(){initNavTree('_open_c_l_8h_source.xhtml','');}); <div class="title">OpenCL.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_open_c_l_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_OPENCL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_OPENCL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="comment">/* Configure the Khronos C++ wrapper to target OpenCL 1.2: */</span></div><div class="line"><a name="l00028"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb"> 28</a></span> <span class="preprocessor">#define CL_HPP_ENABLE_EXCEPTIONS</span></div><div class="line"><a name="l00029"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a68d54dc532d47c93108cfcdf8c415e43"> 29</a></span> <span class="preprocessor">#define CL_HPP_CL_1_2_DEFAULT_BUILD</span></div><div class="line"><a name="l00030"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a37ea07405ca286c1570612b42d43b345"> 30</a></span> <span class="preprocessor">#define CL_HPP_TARGET_OPENCL_VERSION 110</span></div><div class="line"><a name="l00031"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a2053025c576bcf48e249dd20e884a560"> 31</a></span> <span class="preprocessor">#define CL_HPP_MINIMUM_OPENCL_VERSION 110</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <CL/cl2.hpp></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">static</span> <span class="keyword">const</span> NDRange Range_128_1 = NDRange(128, 1);</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> }</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_OPENCL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacecl_xhtml"><div class="ttname"><a href="namespacecl.xhtml">cl</a></div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_distribution1_d_8h_source.xhtml#l00032">ICLDistribution1D.h:32</a></div></div> +<a href="_open_c_l_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_OPENCL_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_OPENCL_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="comment">/* Configure the Khronos C++ wrapper to target OpenCL 1.2: */</span></div><div class="line"><a name="l00028"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb"> 28</a></span> <span class="preprocessor">#define CL_HPP_ENABLE_EXCEPTIONS</span></div><div class="line"><a name="l00029"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a68d54dc532d47c93108cfcdf8c415e43"> 29</a></span> <span class="preprocessor">#define CL_HPP_CL_1_2_DEFAULT_BUILD</span></div><div class="line"><a name="l00030"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a37ea07405ca286c1570612b42d43b345"> 30</a></span> <span class="preprocessor">#define CL_HPP_TARGET_OPENCL_VERSION 110</span></div><div class="line"><a name="l00031"></a><span class="lineno"><a class="line" href="_open_c_l_8h.xhtml#a2053025c576bcf48e249dd20e884a560"> 31</a></span> <span class="preprocessor">#define CL_HPP_MINIMUM_OPENCL_VERSION 110</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <CL/cl2.hpp></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacecl.xhtml">cl</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">static</span> <span class="keyword">const</span> NDRange Range_128_1 = NDRange(128, 1);</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> }</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">opencl_is_available</a>();</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> }</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_OPENCL_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacecl_xhtml"><div class="ttname"><a href="namespacecl.xhtml">cl</a></div><div class="ttdef"><b>Definition:</b> <a href="_i_c_l_distribution1_d_8h_source.xhtml#l00032">ICLDistribution1D.h:32</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_aa4f4d7a58287017588fc338965873f14"><div class="ttname"><a href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">arm_compute::opencl_is_available</a></div><div class="ttdeci">bool opencl_is_available()</div></div> +<div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="_open_c_l_8h.xhtml">OpenCL.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:03 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pixel_value_8h.xhtml b/documentation/_pixel_value_8h.xhtml index 7d26aa1d3..00c3fc716 100644 --- a/documentation/_pixel_value_8h.xhtml +++ b/documentation/_pixel_value_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_pixel_value_8h.xhtml">PixelValue.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pixel_value_8h_source.xhtml b/documentation/_pixel_value_8h_source.xhtml index c663c146e..819896627 100644 --- a/documentation/_pixel_value_8h_source.xhtml +++ b/documentation/_pixel_value_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('_pixel_value_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_pixel_value_8h.xhtml">PixelValue.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pyramid_8h.xhtml b/documentation/_pyramid_8h.xhtml index 86984a079..78bfdfe99 100644 --- a/documentation/_pyramid_8h.xhtml +++ b/documentation/_pyramid_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_pyramid_8h.xhtml">Pyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pyramid_8h_source.xhtml b/documentation/_pyramid_8h_source.xhtml index f1b4023be..2aa2b6a30 100644 --- a/documentation/_pyramid_8h_source.xhtml +++ b/documentation/_pyramid_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('_pyramid_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_pyramid_8h.xhtml">Pyramid.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pyramid_info_8h.xhtml b/documentation/_pyramid_info_8h.xhtml index c639b6410..96f3efd41 100644 --- a/documentation/_pyramid_info_8h.xhtml +++ b/documentation/_pyramid_info_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -142,7 +142,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_pyramid_info_8h.xhtml">PyramidInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_pyramid_info_8h_source.xhtml b/documentation/_pyramid_info_8h_source.xhtml index 8d8bcfdb2..c0cb5373c 100644 --- a/documentation/_pyramid_info_8h_source.xhtml +++ b/documentation/_pyramid_info_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -123,7 +123,7 @@ $(document).ready(function(){initNavTree('_pyramid_info_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_pyramid_info_xhtml_af3374fa8fcc6d226dc2b82317ab4d079"><div class="ttname"><a href="classarm__compute_1_1_pyramid_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">arm_compute::PyramidInfo::tensor_shape</a></div><div class="ttdeci">const TensorShape & tensor_shape() const </div><div class="ttdoc">Return the TensorShape of the o-th level tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_pyramid_info_xhtml_ac0e3c6ba1d3f8a8e50aa3e3897210a2b"><div class="ttname"><a href="classarm__compute_1_1_pyramid_info.xhtml#ac0e3c6ba1d3f8a8e50aa3e3897210a2b">arm_compute::PyramidInfo::height</a></div><div class="ttdeci">size_t height() const </div><div class="ttdoc">Return the height of the 0th level tensor. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_pyramid_info_xhtml_a0c875a3203d902e2ad6bc3045355e69e"><div class="ttname"><a href="classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">arm_compute::PyramidInfo::format</a></div><div class="ttdeci">Format format() const </div><div class="ttdoc">Return the image format of all tensor in the pyramid. </div></div> <div class="ttc" id="classarm__compute_1_1_pyramid_info_xhtml_a20646dd69e82674924c6e5eb1458eefa"><div class="ttname"><a href="classarm__compute_1_1_pyramid_info.xhtml#a20646dd69e82674924c6e5eb1458eefa">arm_compute::PyramidInfo::width</a></div><div class="ttdeci">size_t width() const </div><div class="ttdoc">Return the width of the 0th level tensor. </div></div> <div class="ttc" id="classarm__compute_1_1_pyramid_info_xhtml_a21310a3eef49fc4f04b98897fc785b34"><div class="ttname"><a href="classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34">arm_compute::PyramidInfo::operator=</a></div><div class="ttdeci">PyramidInfo & operator=(const PyramidInfo &)=default</div><div class="ttdoc">Allow instances of this class to be copied. </div></div> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('_pyramid_info_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_pyramid_info_8h.xhtml">PyramidInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_size2_d_8h.xhtml b/documentation/_size2_d_8h.xhtml index 051f3840e..354019a9a 100644 --- a/documentation/_size2_d_8h.xhtml +++ b/documentation/_size2_d_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_size2_d_8h.xhtml">Size2D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_size2_d_8h_source.xhtml b/documentation/_size2_d_8h_source.xhtml index c7ef8cc02..91750dfd8 100644 --- a/documentation/_size2_d_8h_source.xhtml +++ b/documentation/_size2_d_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_size2_d_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_size2_d_8h.xhtml">Size2D.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_steps_8h.xhtml b/documentation/_steps_8h.xhtml index 5441619e7..d069da169 100644 --- a/documentation/_steps_8h.xhtml +++ b/documentation/_steps_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_steps_8h.xhtml">Steps.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_steps_8h_source.xhtml b/documentation/_steps_8h_source.xhtml index d0d365079..b69784004 100644 --- a/documentation/_steps_8h_source.xhtml +++ b/documentation/_steps_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_steps_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_steps_8h.xhtml">Steps.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_strides_8h.xhtml b/documentation/_strides_8h.xhtml index f96886e93..663c5c296 100644 --- a/documentation/_strides_8h.xhtml +++ b/documentation/_strides_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_strides_8h.xhtml">Strides.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_strides_8h_source.xhtml b/documentation/_strides_8h_source.xhtml index e58668d74..d3e47b32c 100644 --- a/documentation/_strides_8h_source.xhtml +++ b/documentation/_strides_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_strides_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_strides_8h.xhtml">Strides.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_8h.xhtml b/documentation/_tensor_8h.xhtml index a3b014d26..e6520b34f 100644 --- a/documentation/_tensor_8h.xhtml +++ b/documentation/_tensor_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_tensor_8h.xhtml">Tensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_8h_source.xhtml b/documentation/_tensor_8h_source.xhtml index 604a0854d..08a6b067c 100644 --- a/documentation/_tensor_8h_source.xhtml +++ b/documentation/_tensor_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('_tensor_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_tensor_8h.xhtml">Tensor.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_allocator_8h.xhtml b/documentation/_tensor_allocator_8h.xhtml index a794019de..bb32c2376 100644 --- a/documentation/_tensor_allocator_8h.xhtml +++ b/documentation/_tensor_allocator_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_tensor_allocator_8h.xhtml">TensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_allocator_8h_source.xhtml b/documentation/_tensor_allocator_8h_source.xhtml index 00ea3f735..a2e5d0a7c 100644 --- a/documentation/_tensor_allocator_8h_source.xhtml +++ b/documentation/_tensor_allocator_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,11 +116,12 @@ $(document).ready(function(){initNavTree('_tensor_allocator_8h_source.xhtml','') <div class="title">TensorAllocator.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_allocator_8h.xhtml">arm_compute/runtime/ITensorAllocator.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <vector></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>Coordinates;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_allocator.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f">TensorAllocator</a>();</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init</a>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> &allocator, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> &coords, <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> sub_info);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  uint8_t *<a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b">data</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  uint8_t *lock() <span class="keyword">override</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordtype">void</span> unlock() <span class="keyword">override</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  std::shared_ptr<std::vector<uint8_t>> _buffer; </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> };</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_TENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_ab7ceea9240f9d916e8a09ddec8f4c21f"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f">arm_compute::TensorAllocator::TensorAllocator</a></div><div class="ttdeci">TensorAllocator()</div><div class="ttdoc">Default constructor. </div></div> +<a href="_tensor_allocator_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TENSORALLOCATOR_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TENSORALLOCATOR_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_allocator_8h.xhtml">arm_compute/runtime/ITensorAllocator.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <memory></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <vector></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">class </span>Coordinates;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="keyword">class </span>TensorInfo;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_allocator.xhtml"> 39</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> : <span class="keyword">public</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f">TensorAllocator</a>();</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keyword">using</span> <a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init</a>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> &allocator, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> &coords, <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> sub_info);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  uint8_t *<a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b">data</a>() <span class="keyword">const</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">free</a>() <span class="keyword">override</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="keyword">protected</span>:</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  uint8_t *lock() <span class="keyword">override</span>;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordtype">void</span> unlock() <span class="keyword">override</span>;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  std::shared_ptr<std::vector<uint8_t>> _buffer; </div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> };</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> }</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_TENSORALLOCATOR_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_ab7ceea9240f9d916e8a09ddec8f4c21f"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f">arm_compute::TensorAllocator::TensorAllocator</a></div><div class="ttdeci">TensorAllocator()</div><div class="ttdoc">Default constructor. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml">arm_compute::TensorAllocator</a></div><div class="ttdoc">Basic implementation of a CPU memory tensor allocator. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_allocator_8h_source.xhtml#l00039">TensorAllocator.h:39</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_a6e509c2a177b0b29e9e2369535094dee"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">arm_compute::TensorAllocator::allocate</a></div><div class="ttdeci">void allocate() override</div><div class="ttdoc">Allocate size specified by TensorInfo of CPU memory. </div></div> +<div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_a1468b0adb6ec3f9d38aa7d60b8a91974"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">arm_compute::TensorAllocator::free</a></div><div class="ttdeci">void free() override</div><div class="ttdoc">Free allocated CPU memory. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_a738d0f4e90cfddb07316f368a855e50b"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b">arm_compute::TensorAllocator::data</a></div><div class="ttdeci">uint8_t * data() const </div><div class="ttdoc">Returns the pointer to the allocated data. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_allocator_xhtml_a3014ce2f4215e8a44331aa5daf3ba0d4"><div class="ttname"><a href="classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4">arm_compute::TensorAllocator::init</a></div><div class="ttdeci">void init(const TensorAllocator &allocator, const Coordinates &coords, TensorInfo sub_info)</div><div class="ttdoc">Shares the same backing memory with another tensor allocator, while the tensor info might be differen...</div></div> @@ -133,7 +134,7 @@ $(document).ready(function(){initNavTree('_tensor_allocator_8h_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="_tensor_allocator_8h.xhtml">TensorAllocator.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_info_8h.xhtml b/documentation/_tensor_info_8h.xhtml index 0c0885ef6..5f76e38e9 100644 --- a/documentation/_tensor_info_8h.xhtml +++ b/documentation/_tensor_info_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_tensor_info_8h.xhtml">TensorInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_info_8h_source.xhtml b/documentation/_tensor_info_8h_source.xhtml index 3b99f716e..1aa8322ff 100644 --- a/documentation/_tensor_info_8h_source.xhtml +++ b/documentation/_tensor_info_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,12 +116,12 @@ $(document).ready(function(){initNavTree('_tensor_info_8h_source.xhtml','');}); <div class="title">TensorInfo.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_tensor_info_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TENSORINFO_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TENSORINFO_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_strides_8h.xhtml">arm_compute/core/Strides.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="arm__compute_2core_2_utils_8h.xhtml">arm_compute/core/Utils.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>HOGInfo;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a39cbe92494f53364366a6cddde0b5741">~TensorInfo</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">operator=</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">format</a>);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa">num_channels</a>, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58">data_type</a>, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a">offset_first_element_in_bytes</a>, <span class="keywordtype">size_t</span> total_size_in_bytes);</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &strides_in_bytes, <span class="keywordtype">size_t</span> offset_first_element_in_bytes,</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="keywordtype">size_t</span> total_size_in_bytes, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac7af0020334c69f249f5a2e267a5c4f4">auto_padding</a>();</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a8d37b60af520149481b2c7bbe1d829fd">extend_padding</a>(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3">padding</a>);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a1f4481a2c496ef1d176f305c25f50202">set_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00190"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6"> 190</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(<span class="keywordtype">size_t</span> index)<span class="keyword"> const</span></div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> _tensor_shape[index];</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  }</div><div class="line"><a name="l00198"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6"> 198</a></span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <span class="keywordflow">return</span> _strides_in_bytes;</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  }</div><div class="line"><a name="l00207"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a"> 207</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a">offset_first_element_in_bytes</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <span class="keywordflow">return</span> _offset_first_element_in_bytes;</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  }</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> &pos) <span class="keyword">const</span>;</div><div class="line"><a name="l00223"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d"> 223</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <span class="keywordflow">return</span> _fixed_point_pos;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="line"><a name="l00231"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e"> 231</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e">element_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">data_size_from_type</a>(_data_type) * _num_channels;</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  }</div><div class="line"><a name="l00239"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07"> 239</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07">num_dimensions</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <span class="keywordflow">return</span> _tensor_shape.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>();</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  }</div><div class="line"><a name="l00247"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa"> 247</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa">num_channels</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span>  <span class="keywordflow">return</span> _num_channels;</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  }</div><div class="line"><a name="l00255"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079"> 255</a></span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keywordflow">return</span> _tensor_shape;</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  }</div><div class="line"><a name="l00263"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58"> 263</a></span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58">data_type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">return</span> _data_type;</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  }</div><div class="line"><a name="l00271"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e"> 271</a></span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">format</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">return</span> _format;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  }</div><div class="line"><a name="l00279"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1"> 279</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1">total_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <span class="keywordflow">return</span> _total_size;</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  }</div><div class="line"><a name="l00287"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3"> 287</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3">padding</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">return</span> _padding;</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  }</div><div class="line"><a name="l00295"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2"> 295</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2">has_padding</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">return</span> !_padding.<a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>();</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  }</div><div class="line"><a name="l00303"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0"> 303</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">return</span> _is_resizable;</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  }</div><div class="line"><a name="l00308"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76"> 308</a></span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76">set_is_resizable</a>(<span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>)</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  {</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  _is_resizable = <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>;</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34"> 316</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34">valid_region</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <span class="keywordflow">return</span> _valid_region;</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  }</div><div class="line"><a name="l00321"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922"> 321</a></span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922">set_valid_region</a>(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34">valid_region</a>)</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  {</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  _valid_region = std::move(valid_region);</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  }</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span> </div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span>  std::tuple<Strides, size_t, size_t> calculate_padding_requirements(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> &padding);</div><div class="line"><a name="l00332"></a><span class="lineno"> 332</span> </div><div class="line"><a name="l00333"></a><span class="lineno"> 333</span>  <span class="keywordtype">size_t</span> _total_size;</div><div class="line"><a name="l00334"></a><span class="lineno"> 334</span>  <span class="keywordtype">size_t</span> _fixed_point_pos;</div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span>  <span class="keywordtype">size_t</span> _offset_first_element_in_bytes;</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> _strides_in_bytes;</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <span class="keywordtype">size_t</span> _num_channels;</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> _tensor_shape;</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> _data_type;</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> _format;</div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordtype">bool</span> _is_resizable;</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> _valid_region;</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> _padding;</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span> };</div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span> }</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_TENSORINFO_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00143">Types.h:143</a></div></div> +<a href="_tensor_info_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TENSORINFO_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TENSORINFO_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_strides_8h.xhtml">arm_compute/core/Strides.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="arm__compute_2core_2_utils_8h.xhtml">arm_compute/core/Utils.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keyword">class </span>HOGInfo;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml"> 40</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <span class="keyword">virtual</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a39cbe92494f53364366a6cddde0b5741">~TensorInfo</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">operator=</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">operator=</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">format</a>);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa">num_channels</a>, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58">data_type</a>, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">TensorInfo</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a">offset_first_element_in_bytes</a>, <span class="keywordtype">size_t</span> total_size_in_bytes);</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &strides_in_bytes, <span class="keywordtype">size_t</span> offset_first_element_in_bytes,</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="keywordtype">size_t</span> total_size_in_bytes, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">init</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &tensor_shape, <span class="keywordtype">size_t</span> num_channels, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type, <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a> = 0);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">init_auto_padding</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> &hog_info, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height);</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac7af0020334c69f249f5a2e267a5c4f4">auto_padding</a>();</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a8d37b60af520149481b2c7bbe1d829fd">extend_padding</a>(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3">padding</a>);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a1f4481a2c496ef1d176f305c25f50202">set_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00190"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6"> 190</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(<span class="keywordtype">size_t</span> index)<span class="keyword"> const</span></div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> _tensor_shape[index];</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  }</div><div class="line"><a name="l00198"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6"> 198</a></span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <span class="keywordflow">return</span> _strides_in_bytes;</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  }</div><div class="line"><a name="l00207"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a"> 207</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a">offset_first_element_in_bytes</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <span class="keywordflow">return</span> _offset_first_element_in_bytes;</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  }</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> &pos) <span class="keyword">const</span>;</div><div class="line"><a name="l00223"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d"> 223</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">fixed_point_pos</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <span class="keywordflow">return</span> _fixed_point_pos;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="line"><a name="l00231"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e"> 231</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e">element_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">data_size_from_type</a>(_data_type) * _num_channels;</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  }</div><div class="line"><a name="l00239"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07"> 239</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07">num_dimensions</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <span class="keywordflow">return</span> _tensor_shape.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>();</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  }</div><div class="line"><a name="l00247"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa"> 247</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa">num_channels</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span>  <span class="keywordflow">return</span> _num_channels;</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  }</div><div class="line"><a name="l00255"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079"> 255</a></span>  <span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> &<a class="code" href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">tensor_shape</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keywordflow">return</span> _tensor_shape;</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  }</div><div class="line"><a name="l00263"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58"> 263</a></span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58">data_type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">return</span> _data_type;</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  }</div><div class="line"><a name="l00271"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e"> 271</a></span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">format</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">return</span> _format;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  }</div><div class="line"><a name="l00279"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1"> 279</a></span>  <span class="keywordtype">size_t</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1">total_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <span class="keywordflow">return</span> _total_size;</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  }</div><div class="line"><a name="l00287"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3"> 287</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3">padding</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">return</span> _padding;</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  }</div><div class="line"><a name="l00295"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2"> 295</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2">has_padding</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">return</span> !_padding.<a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>();</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  }</div><div class="line"><a name="l00303"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0"> 303</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">return</span> _is_resizable;</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  }</div><div class="line"><a name="l00308"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76"> 308</a></span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76">set_is_resizable</a>(<span class="keywordtype">bool</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>)</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  {</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  _is_resizable = <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">is_resizable</a>;</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34"> 316</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34">valid_region</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <span class="keywordflow">return</span> _valid_region;</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  }</div><div class="line"><a name="l00321"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922"> 321</a></span>  <span class="keywordtype">void</span> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922">set_valid_region</a>(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> <a class="code" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34">valid_region</a>)</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  {</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  _valid_region = std::move(valid_region);</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  }</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span> </div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span>  std::tuple<Strides, size_t, size_t> calculate_padding_requirements(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> &padding);</div><div class="line"><a name="l00332"></a><span class="lineno"> 332</span> </div><div class="line"><a name="l00333"></a><span class="lineno"> 333</span>  <span class="keywordtype">size_t</span> _total_size;</div><div class="line"><a name="l00334"></a><span class="lineno"> 334</span>  <span class="keywordtype">size_t</span> _fixed_point_pos;</div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span>  <span class="keywordtype">size_t</span> _offset_first_element_in_bytes;</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="classarm__compute_1_1_strides.xhtml">Strides</a> _strides_in_bytes;</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <span class="keywordtype">size_t</span> _num_channels;</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> _tensor_shape;</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> _data_type;</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> _format;</div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordtype">bool</span> _is_resizable;</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> _valid_region;</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> _padding;</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span> };</div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span> }</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_TENSORINFO_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00156">Types.h:156</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_shape_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_shape.xhtml">arm_compute::TensorShape</a></div><div class="ttdoc">Shape of a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_shape_8h_source.xhtml#l00038">TensorShape.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a4b7391b7025befbe44b743723feb4a9b"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">arm_compute::TensorInfo::init_auto_padding</a></div><div class="ttdeci">size_t init_auto_padding(const TensorShape &tensor_shape, Format format)</div><div class="ttdoc">Initialize the metadata structure for the given tensor shape and single-plane format, (Padding is automatically calculated) </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a45cc7b9a37aa9f0e7d479248a27e1f58"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58">arm_compute::TensorInfo::data_type</a></div><div class="ttdeci">DataType data_type() const </div><div class="ttdoc">Data type used for each element of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00263">TensorInfo.h:263</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_ac7af0020334c69f249f5a2e267a5c4f4"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#ac7af0020334c69f249f5a2e267a5c4f4">arm_compute::TensorInfo::auto_padding</a></div><div class="ttdeci">bool auto_padding()</div><div class="ttdoc">Update the offset to the first element and the strides to automatically computed values. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a951c1a7a29e99b39d59ee44111291c76"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76">arm_compute::TensorInfo::set_is_resizable</a></div><div class="ttdeci">void set_is_resizable(bool is_resizable)</div><div class="ttdoc">Set the flag whether the tensor size can be changed. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00308">TensorInfo.h:308</a></div></div> <div class="ttc" id="classarm__compute_1_1_h_o_g_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_h_o_g_info.xhtml">arm_compute::HOGInfo</a></div><div class="ttdoc">Store the HOG&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_h_o_g_info_8h_source.xhtml#l00035">HOGInfo.h:35</a></div></div> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('_tensor_info_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a0ae7d318c02e56a3daa9e5e4f9dab117"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117">arm_compute::TensorInfo::init</a></div><div class="ttdeci">void init(const TensorShape &tensor_shape, Format format)</div><div class="ttdoc">Initialize the metadata structure with the given parameters. </div></div> <div class="ttc" id="arm__compute_2core_2_utils_8h_xhtml"><div class="ttname"><a href="arm__compute_2core_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_af3374fa8fcc6d226dc2b82317ab4d079"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079">arm_compute::TensorInfo::tensor_shape</a></div><div class="ttdeci">const TensorShape & tensor_shape() const </div><div class="ttdoc">Size for each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00255">TensorInfo.h:255</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_abb7e0f23a4f2e63f39433f158dad47ab"><div class="ttname"><a href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">arm_compute::data_size_from_type</a></div><div class="ttdeci">size_t data_size_from_type(DataType data_type)</div><div class="ttdoc">The size in bytes of the data type. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00098">Utils.h:98</a></div></div> @@ -152,10 +152,10 @@ $(document).ready(function(){initNavTree('_tensor_info_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a0c875a3203d902e2ad6bc3045355e69e"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">arm_compute::TensorInfo::format</a></div><div class="ttdeci">Format format() const </div><div class="ttdoc">Colour format of the image. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00271">TensorInfo.h:271</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a21c2ae9fa438faf42669dadda628080c"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c">arm_compute::TensorInfo::TensorInfo</a></div><div class="ttdeci">TensorInfo()</div><div class="ttdoc">Default constructor. </div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_adcf156ba30ff118c28690671e83ea06b"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">arm_compute::TensorInfo::operator=</a></div><div class="ttdeci">TensorInfo & operator=(const TensorInfo &)=default</div><div class="ttdoc">Allow instances of this class to be copied. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6b157a0e1ca25ef4d682d3bedfeae5f6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">arm_compute::TensorInfo::strides_in_bytes</a></div><div class="ttdeci">const Strides & strides_in_bytes() const </div><div class="ttdoc">The strides in bytes for accessing each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00198">TensorInfo.h:198</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_aac568c9183b365ddb66417b54ab8bf3d"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d">arm_compute::TensorInfo::fixed_point_pos</a></div><div class="ttdeci">size_t fixed_point_pos() const </div><div class="ttdoc">Fixed point position used when the tensor data type is S8, S16 or S32. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00223">TensorInfo.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_ad13a67d4dbc337c707a76401dc103ff3"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3">arm_compute::TensorInfo::padding</a></div><div class="ttdeci">PaddingSize padding() const </div><div class="ttdoc">Padding of tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00287">TensorInfo.h:287</a></div></div> <div class="ttc" id="_tensor_shape_8h_xhtml"><div class="ttname"><a href="_tensor_shape_8h.xhtml">TensorShape.h</a></div></div> @@ -166,7 +166,7 @@ $(document).ready(function(){initNavTree('_tensor_info_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_tensor_info_8h.xhtml">TensorInfo.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_shape_8h.xhtml b/documentation/_tensor_shape_8h.xhtml index b910b8ccd..73b4e314d 100644 --- a/documentation/_tensor_shape_8h.xhtml +++ b/documentation/_tensor_shape_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -145,7 +145,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_tensor_shape_8h.xhtml">TensorShape.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_tensor_shape_8h_source.xhtml b/documentation/_tensor_shape_8h_source.xhtml index 9a87b4aa2..8050c4abf 100644 --- a/documentation/_tensor_shape_8h_source.xhtml +++ b/documentation/_tensor_shape_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('_tensor_shape_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_tensor_shape_8h.xhtml">TensorShape.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:04 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_types_8h.xhtml b/documentation/_types_8h.xhtml index 8867c7344..f04111120 100644 --- a/documentation/_types_8h.xhtml +++ b/documentation/_types_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -126,6 +126,7 @@ $(document).ready(function(){initNavTree('_types_8h.xhtml','');}); <code>#include "<a class="el" href="_tensor_shape_8h_source.xhtml">arm_compute/core/TensorShape.h</a>"</code><br /> <code>#include <cstddef></code><br /> <code>#include <cstdint></code><br /> +<code>#include <string></code><br /> <code>#include <utility></code><br /> </div> <p><a href="_types_8h_source.xhtml">Go to the source code of this file.</a></p> @@ -348,7 +349,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_types_8h.xhtml">Types.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_types_8h_source.xhtml b/documentation/_types_8h_source.xhtml index 87f93d878..f07e2a5eb 100644 --- a/documentation/_types_8h_source.xhtml +++ b/documentation/_types_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,33 +116,33 @@ $(document).ready(function(){initNavTree('_types_8h_source.xhtml','');}); <div class="title">Types.h</div> </div> </div><!--header--> <div class="contents"> -<a href="_types_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TYPES_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TYPES_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58"> 37</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>, </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>, </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>, </div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>, </div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>, </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>, </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>, </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">UV88</a>, </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">RGB888</a>, </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">RGBA8888</a>, </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">YUV444</a>, </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">YUYV422</a>, </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">NV12</a>, </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">NV21</a>, </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">IYUV</a>, </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">UYVY422</a> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00059"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6"> 59</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>,</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>,</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">S8</a>,</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>,</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>,</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>,</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">U64</a>,</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">S64</a>,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>,</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>,</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">F64</a>,</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">SIZET</a></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00077"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf"> 77</a></span> constexpr uint8_t <a class="code" href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf">CONSTANT_BORDER_VALUE</a> = 199;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="comment">/* Constant value used to indicate a half-scale pyramid */</span></div><div class="line"><a name="l00080"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd"> 80</a></span> constexpr <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd">SCALE_PYRAMID_HALF</a> = 0.5f;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> <span class="comment">/* Constant value used to indicate a ORB scaled pyramid */</span></div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91"> 83</a></span> constexpr <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91">SCALE_PYRAMID_ORB</a> = 8.408964152537146130583778358414e-01;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml"> 85</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> {</div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e"> 87</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e">ValidRegion</a>()</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  : anchor{}, shape{}</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  {</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &operator=(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &operator=(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  ~<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193"> 98</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193">ValidRegion</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> anchor, <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> shape)</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  : anchor{ anchor }, shape{ shape }</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  {</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  }</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7"> 103</a></span>  <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>;</div><div class="line"><a name="l00104"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8"> 104</a></span>  <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> };</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> </div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327"> 108</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a></div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> {</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">UNDEFINED</a>, </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">CONSTANT</a>, </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">REPLICATE</a> </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> };</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> </div><div class="line"><a name="l00116"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml"> 116</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a></div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> {</div><div class="line"><a name="l00119"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881"> 119</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">BorderSize</a>()</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  : top{ 0 }, right{ 0 }, bottom{ 0 }, left{ 0 }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  {</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00125"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05"> 125</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> size)</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  : top{ size }, right{ size }, bottom{ size }, left{ size }</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  {</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  }</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00131"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0"> 131</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> top_bottom, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> left_right)</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  : top{ top_bottom }, right{ left_right }, bottom{ top_bottom }, left{ left_right }</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  {</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  }</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span> </div><div class="line"><a name="l00137"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023"> 137</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> top, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> right, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> bottom, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> left)</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  : top{ top }, right{ right }, bottom{ bottom }, left{ left }</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  }</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span> </div><div class="line"><a name="l00143"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4"> 143</a></span>  constexpr <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">return</span> top == 0 && right == 0 && bottom == 0 && left == 0;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  }</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00149"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c"> 149</a></span>  constexpr <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c">uniform</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> top == right && top == bottom && top == left;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  }</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837"> 154</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &<a class="code" href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837">operator*=</a>(<span class="keywordtype">float</span> scale)</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  {</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  top *= scale;</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  right *= scale;</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  bottom *= scale;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  left *= scale;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <span class="keywordflow">return</span> *<span class="keyword">this</span>;</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  }</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> </div><div class="line"><a name="l00164"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2"> 164</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2">operator*</a>(<span class="keywordtype">float</span> scale)</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  {</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> size = *<span class="keyword">this</span>;</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  size *= scale;</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> </div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="keywordflow">return</span> size;</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  }</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span> </div><div class="line"><a name="l00172"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3"> 172</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>;</div><div class="line"><a name="l00173"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9"> 173</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>;</div><div class="line"><a name="l00174"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869"> 174</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>;</div><div class="line"><a name="l00175"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba"> 175</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>;</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span> };</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span> </div><div class="line"><a name="l00178"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4467b302fc9ec312c40580336ab783da"> 178</a></span> <span class="keyword">using</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> </div><div class="line"><a name="l00181"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f"> 181</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">ConvertPolicy</a></div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> {</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">WRAP</a>, </div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">SATURATE</a> </div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> };</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span> </div><div class="line"><a name="l00188"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9"> 188</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a></div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> {</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">NEAREST_NEIGHBOR</a>, </div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">BILINEAR</a>, </div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">AREA</a>, </div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> };</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> </div><div class="line"><a name="l00196"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202"> 196</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202">BilinearInterpolation</a></div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span> {</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">BILINEAR_OLD_NEW</a>,</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">BILINEAR_SCHARR</a></div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> };</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span> </div><div class="line"><a name="l00203"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649"> 203</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a></div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> {</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">BINARY</a>, </div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">RANGE</a> </div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> };</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span> </div><div class="line"><a name="l00210"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be"> 210</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">RoundingPolicy</a></div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span> {</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">TO_ZERO</a>, </div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">TO_NEAREST_EVEN</a> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> };</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> </div><div class="line"><a name="l00217"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453"> 217</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a></div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> {</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">TERM_CRITERIA_EPSILON</a>,</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">TERM_CRITERIA_ITERATIONS</a>,</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">TERM_CRITERIA_BOTH</a></div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span> };</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span> </div><div class="line"><a name="l00225"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a"> 225</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">MagnitudeType</a></div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span> {</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">L1NORM</a>, </div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">L2NORM</a> </div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span> };</div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span> </div><div class="line"><a name="l00235"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72"> 235</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a></div><div class="line"><a name="l00236"></a><span class="lineno"> 236</span> {</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">SIGNED</a>, </div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">UNSIGNED</a> </div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> };</div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span> </div><div class="line"><a name="l00242"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml"> 242</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_key_point.xhtml">KeyPoint</a></div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span> {</div><div class="line"><a name="l00244"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#af6d3062751bd565decb1a2cd3b63bdb2"> 244</a></span>  int32_t x{ 0 }; </div><div class="line"><a name="l00245"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#af64066d134a77e01b3d6eb8da813627a"> 245</a></span>  int32_t y{ 0 }; </div><div class="line"><a name="l00246"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a2c1c8f9331368f38bfc3eaee260b59a6"> 246</a></span>  <span class="keywordtype">float</span> strength{ 0.f }; </div><div class="line"><a name="l00247"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a1d28dec57cce925ad92342891bd71e7c"> 247</a></span>  <span class="keywordtype">float</span> scale{ 0.f }; </div><div class="line"><a name="l00248"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a0e3266fc15309697502533db62b682af"> 248</a></span>  <span class="keywordtype">float</span> orientation{ 0.f }; </div><div class="line"><a name="l00249"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a8ca2aae59762685dd38143e5f8267147"> 249</a></span>  int32_t tracking_status{ 0 }; </div><div class="line"><a name="l00250"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a7cfd13d282af770aaa971755fa092fca"> 250</a></span>  <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#a568b0fbfa3d903099d9c9f7b6acf188d">error</a>{ 0.f }; </div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span> };</div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span> </div><div class="line"><a name="l00253"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2ab89a5d0959531aac270879cdd3ed78"> 253</a></span> <span class="keyword">using</span> <a class="code" href="struct_internal_keypoint.xhtml">InternalKeypoint</a> = std::tuple<float, float, float>; <span class="comment">/* x,y,strength */</span></div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span> </div><div class="line"><a name="l00256"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml"> 256</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_rectangle.xhtml">Rectangle</a></div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span> {</div><div class="line"><a name="l00258"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960"> 258</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>; </div><div class="line"><a name="l00259"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30"> 259</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30">y</a>; </div><div class="line"><a name="l00260"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376"> 260</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; </div><div class="line"><a name="l00261"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37"> 261</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; </div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span> };</div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span> </div><div class="line"><a name="l00265"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml"> 265</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml">Coordinates2D</a></div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span> {</div><div class="line"><a name="l00267"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2"> 267</a></span>  int32_t <a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2">x</a>; </div><div class="line"><a name="l00268"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a"> 268</a></span>  int32_t <a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a">y</a>; </div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span> };</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span> </div><div class="line"><a name="l00272"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml"> 272</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml">Coordinates3D</a></div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span> {</div><div class="line"><a name="l00274"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235"> 274</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235">x</a>; </div><div class="line"><a name="l00275"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48"> 275</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48">y</a>; </div><div class="line"><a name="l00276"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a"> 276</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a">z</a>; </div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span> };</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> </div><div class="line"><a name="l00280"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a"> 280</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a></div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span> {</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53">C0</a>, </div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">C1</a>, </div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4">C2</a>, </div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c">C3</a>, </div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6">R</a>, </div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf">G</a>, </div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a>, </div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a>, </div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Y</a>, </div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>, </div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">V</a> </div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> };</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span> </div><div class="line"><a name="l00297"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02"> 297</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a></div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span> {</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">BOX</a>, </div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">CROSS</a>, </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">DISK</a>, </div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">OTHER</a> </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> };</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> </div><div class="line"><a name="l00306"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858"> 306</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> : unsigned</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span> {</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">MEDIAN</a> = 0, </div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">MIN</a> = 1, </div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a> = 2, </div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> };</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span> </div><div class="line"><a name="l00314"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca"> 314</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a></div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span> {</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">IN_MAP</a>, <span class="comment">/* Normalization applied within the same map */</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">CROSS_MAP</a> <span class="comment">/* Normalization applied cross maps */</span></div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> };</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span> </div><div class="line"><a name="l00321"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3"> 321</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a></div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span> {</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">L2_NORM</a>, </div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">L2HYS_NORM</a>, </div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">L1_NORM</a>, </div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">L1SQRT_NORM</a> </div><div class="line"><a name="l00327"></a><span class="lineno"> 327</span> };</div><div class="line"><a name="l00328"></a><span class="lineno"> 328</span> </div><div class="line"><a name="l00335"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml"> 335</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a></div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span> {</div><div class="line"><a name="l00337"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960"> 337</a></span>  uint16_t x{ 0 }; </div><div class="line"><a name="l00338"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30"> 338</a></span>  uint16_t y{ 0 }; </div><div class="line"><a name="l00339"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376"> 339</a></span>  uint16_t width{ 0 }; </div><div class="line"><a name="l00340"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37"> 340</a></span>  uint16_t height{ 0 }; </div><div class="line"><a name="l00341"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ae5c4999829285e20d3b491807fa46fd1"> 341</a></span>  uint16_t idx_class{ 0 }; </div><div class="line"><a name="l00342"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a8c5cd9b525ee73a24b1d9d8e34982d1c"> 342</a></span>  <span class="keywordtype">float</span> score{ 0.f }; </div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span> };</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span> </div><div class="line"><a name="l00348"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a"> 348</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a></div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> {</div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">FLOOR</a>, </div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">CEIL</a> </div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span> };</div><div class="line"><a name="l00353"></a><span class="lineno"> 353</span> </div><div class="line"><a name="l00355"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93"> 355</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a></div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> {</div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a>, </div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">AVG</a> </div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span> };</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span> </div><div class="line"><a name="l00362"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml"> 362</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a></div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span> {</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00373"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a"> 373</a></span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a">PadStrideInfo</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_x = 1, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_y = 1,</div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_x = 0, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_y = 0,</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> round = <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">DimensionRoundingType::FLOOR</a>)</div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  : _stride(std::make_pair(stride_x, stride_y)),</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span>  _pad(std::make_pair(pad_x, pad_y)),</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  _round_type(round)</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  {</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  }</div><div class="line"><a name="l00381"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a"> 381</a></span>  std::pair<unsigned int, unsigned int> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a">stride</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">return</span> _stride;</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  }</div><div class="line"><a name="l00385"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9"> 385</a></span>  std::pair<unsigned int, unsigned int> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9">pad</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span>  <span class="keywordflow">return</span> _pad;</div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  }</div><div class="line"><a name="l00389"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44"> 389</a></span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">round</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  <span class="keywordflow">return</span> _round_type;</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  }</div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span> </div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  std::pair<unsigned int, unsigned int> _stride;</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  std::pair<unsigned int, unsigned int> _pad;</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> _round_type;</div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span> };</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span> </div><div class="line"><a name="l00401"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml"> 401</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a></div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> {</div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00410"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647"> 410</a></span>  <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647">PoolingLayerInfo</a>(<a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> pool_type = <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">PoolingType::MAX</a>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pool_size = 2, <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> pad_stride_info = <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a>())</div><div class="line"><a name="l00411"></a><span class="lineno"> 411</span>  : _pool_type(pool_type), _pool_size(pool_size), _pad_stride_info(pad_stride_info)</div><div class="line"><a name="l00412"></a><span class="lineno"> 412</span>  {</div><div class="line"><a name="l00413"></a><span class="lineno"> 413</span>  }</div><div class="line"><a name="l00414"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff"> 414</a></span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">pool_type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00415"></a><span class="lineno"> 415</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00416"></a><span class="lineno"> 416</span>  <span class="keywordflow">return</span> _pool_type;</div><div class="line"><a name="l00417"></a><span class="lineno"> 417</span>  }</div><div class="line"><a name="l00418"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c"> 418</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">pool_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00419"></a><span class="lineno"> 419</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00420"></a><span class="lineno"> 420</span>  <span class="keywordflow">return</span> _pool_size;</div><div class="line"><a name="l00421"></a><span class="lineno"> 421</span>  }</div><div class="line"><a name="l00422"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5"> 422</a></span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">pad_stride_info</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00423"></a><span class="lineno"> 423</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00424"></a><span class="lineno"> 424</span>  <span class="keywordflow">return</span> _pad_stride_info;</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span>  }</div><div class="line"><a name="l00426"></a><span class="lineno"> 426</span> </div><div class="line"><a name="l00427"></a><span class="lineno"> 427</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00428"></a><span class="lineno"> 428</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> _pool_type;</div><div class="line"><a name="l00429"></a><span class="lineno"> 429</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _pool_size;</div><div class="line"><a name="l00430"></a><span class="lineno"> 430</span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> _pad_stride_info;</div><div class="line"><a name="l00431"></a><span class="lineno"> 431</span> };</div><div class="line"><a name="l00432"></a><span class="lineno"> 432</span> </div><div class="line"><a name="l00434"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml"> 434</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a></div><div class="line"><a name="l00435"></a><span class="lineno"> 435</span> {</div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00438"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea"> 438</a></span>  <span class="keyword">enum class</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a></div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span>  {</div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  LOGISTIC, </div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  TANH, </div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  RELU, </div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  BOUNDED_RELU, </div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span>  SOFT_RELU, </div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  ABS, </div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span>  SQUARE, </div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  SQRT, </div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  LINEAR </div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span>  };</div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span> </div><div class="line"><a name="l00458"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1"> 458</a></span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1">ActivationLayerInfo</a>(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> f, <span class="keywordtype">float</span> a = 0.0f, <span class="keywordtype">float</span> b = 0.0f)</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  : _act(f), _a(a), _b(b)</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  {</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span>  }</div><div class="line"><a name="l00462"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a"> 462</a></span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a">activation</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  <span class="keywordflow">return</span> _act;</div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  }</div><div class="line"><a name="l00466"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb"> 466</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">a</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  <span class="keywordflow">return</span> _a;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  }</div><div class="line"><a name="l00470"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c"> 470</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">b</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  <span class="keywordflow">return</span> _b;</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  }</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span> </div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> _act;</div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  <span class="keywordtype">float</span> _a;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  <span class="keywordtype">float</span> _b;</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span> };</div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span> </div><div class="line"><a name="l00482"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml"> 482</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a></div><div class="line"><a name="l00483"></a><span class="lineno"> 483</span> {</div><div class="line"><a name="l00484"></a><span class="lineno"> 484</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00493"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703"> 493</a></span>  <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703">NormalizationLayerInfo</a>(<a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> type, uint32_t norm_size = 5, <span class="keywordtype">float</span> alpha = 0.0001f, <span class="keywordtype">float</span> beta = 0.5f, <span class="keywordtype">float</span> kappa = 1.f)</div><div class="line"><a name="l00494"></a><span class="lineno"> 494</span>  : _type(type), _norm_size(norm_size), _alpha(alpha), _beta(beta), _kappa(kappa)</div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  {</div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  }</div><div class="line"><a name="l00497"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5"> 497</a></span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00498"></a><span class="lineno"> 498</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span>  <span class="keywordflow">return</span> _type;</div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  }</div><div class="line"><a name="l00501"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349"> 501</a></span>  uint32_t <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">norm_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00502"></a><span class="lineno"> 502</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span>  <span class="keywordflow">return</span> _norm_size;</div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  }</div><div class="line"><a name="l00505"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8"> 505</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">alpha</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00506"></a><span class="lineno"> 506</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  <span class="keywordflow">return</span> _alpha;</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  }</div><div class="line"><a name="l00509"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e"> 509</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">beta</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00510"></a><span class="lineno"> 510</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00511"></a><span class="lineno"> 511</span>  <span class="keywordflow">return</span> _beta;</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  }</div><div class="line"><a name="l00513"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8"> 513</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">kappa</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00514"></a><span class="lineno"> 514</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00515"></a><span class="lineno"> 515</span>  <span class="keywordflow">return</span> _kappa;</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  }</div><div class="line"><a name="l00520"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c"> 520</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c">scale_coeff</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00521"></a><span class="lineno"> 521</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00522"></a><span class="lineno"> 522</span>  <span class="keywordflow">return</span> (_kappa == 1.f) ? (_alpha / _norm_size) : _alpha;</div><div class="line"><a name="l00523"></a><span class="lineno"> 523</span>  }</div><div class="line"><a name="l00524"></a><span class="lineno"> 524</span> </div><div class="line"><a name="l00525"></a><span class="lineno"> 525</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00526"></a><span class="lineno"> 526</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> _type;</div><div class="line"><a name="l00527"></a><span class="lineno"> 527</span>  uint32_t _norm_size;</div><div class="line"><a name="l00528"></a><span class="lineno"> 528</span>  <span class="keywordtype">float</span> _alpha;</div><div class="line"><a name="l00529"></a><span class="lineno"> 529</span>  <span class="keywordtype">float</span> _beta;</div><div class="line"><a name="l00530"></a><span class="lineno"> 530</span>  <span class="keywordtype">float</span> _kappa;</div><div class="line"><a name="l00531"></a><span class="lineno"> 531</span> };</div><div class="line"><a name="l00532"></a><span class="lineno"> 532</span> </div><div class="line"><a name="l00534"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml"> 534</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml">IOFormatInfo</a></div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span> {</div><div class="line"><a name="l00537"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6"> 537</a></span>  <span class="keyword">enum class</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a></div><div class="line"><a name="l00538"></a><span class="lineno"> 538</span>  {</div><div class="line"><a name="l00539"></a><span class="lineno"> 539</span>  Default, </div><div class="line"><a name="l00540"></a><span class="lineno"> 540</span>  Custom, </div><div class="line"><a name="l00541"></a><span class="lineno"> 541</span>  Full </div><div class="line"><a name="l00542"></a><span class="lineno"> 542</span>  };</div><div class="line"><a name="l00543"></a><span class="lineno"> 543</span> </div><div class="line"><a name="l00545"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0"> 545</a></span>  <span class="keyword">enum class</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a></div><div class="line"><a name="l00546"></a><span class="lineno"> 546</span>  {</div><div class="line"><a name="l00547"></a><span class="lineno"> 547</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>, </div><div class="line"><a name="l00548"></a><span class="lineno"> 548</span>  NoPadding, </div><div class="line"><a name="l00549"></a><span class="lineno"> 549</span>  Full </div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span>  };</div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span> </div><div class="line"><a name="l00552"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0"> 552</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">IOFormatInfo</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a> print_region = PrintRegion::ValidRegion,</div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a> precision_type = PrecisionType::Default,</div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> precision = 10,</div><div class="line"><a name="l00555"></a><span class="lineno"> 555</span>  <span class="keywordtype">bool</span> align_columns = <span class="keyword">true</span>,</div><div class="line"><a name="l00556"></a><span class="lineno"> 556</span>  std::string element_delim = <span class="stringliteral">" "</span>,</div><div class="line"><a name="l00557"></a><span class="lineno"> 557</span>  std::string row_delim = <span class="stringliteral">"\n"</span>)</div><div class="line"><a name="l00558"></a><span class="lineno"> 558</span>  : print_region(print_region),</div><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  precision_type(precision_type),</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span>  precision(precision),</div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  element_delim(element_delim),</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  row_delim(row_delim),</div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  align_columns(align_columns)</div><div class="line"><a name="l00564"></a><span class="lineno"> 564</span>  {</div><div class="line"><a name="l00565"></a><span class="lineno"> 565</span>  }</div><div class="line"><a name="l00566"></a><span class="lineno"> 566</span> </div><div class="line"><a name="l00567"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50"> 567</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>;</div><div class="line"><a name="l00568"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f"> 568</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>;</div><div class="line"><a name="l00569"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487"> 569</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>;</div><div class="line"><a name="l00570"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66"> 570</a></span>  std::string <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>;</div><div class="line"><a name="l00571"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596"> 571</a></span>  std::string <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>;</div><div class="line"><a name="l00572"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94"> 572</a></span>  <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>;</div><div class="line"><a name="l00573"></a><span class="lineno"> 573</span> };</div><div class="line"><a name="l00574"></a><span class="lineno"> 574</span> }</div><div class="line"><a name="l00575"></a><span class="lineno"> 575</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_TYPES_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> -<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml">arm_compute::Rectangle</a></div><div class="ttdoc">Rectangle type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00256">Types.h:256</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ad53ff460a7430f45c22b27aad707e41f"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">arm_compute::IOFormatInfo::precision_type</a></div><div class="ttdeci">PrecisionType precision_type</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00568">Types.h:568</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a2ebcd5423d5fba468e7debd2e1aabe91"><div class="ttname"><a href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91">arm_compute::SCALE_PYRAMID_ORB</a></div><div class="ttdeci">constexpr float SCALE_PYRAMID_ORB</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00083">Types.h:83</a></div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml">arm_compute::Coordinates3D</a></div><div class="ttdoc">Coordinate type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00272">Types.h:272</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af9876aedd664cac0ddeacddb40cb71cd"><div class="ttname"><a href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd">arm_compute::SCALE_PYRAMID_HALF</a></div><div class="ttdeci">constexpr float SCALE_PYRAMID_HALF</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00080">Types.h:80</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> +<a href="_types_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_TYPES_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_TYPES_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_coordinates_8h.xhtml">arm_compute/core/Coordinates.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_tensor_shape_8h.xhtml">arm_compute/core/TensorShape.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <cstddef></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> </div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58"> 38</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>, </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>, </div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>, </div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>, </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>, </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>, </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>, </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">UV88</a>, </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">RGB888</a>, </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">RGBA8888</a>, </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">YUV444</a>, </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">YUYV422</a>, </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">NV12</a>, </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">NV21</a>, </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">IYUV</a>, </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">UYVY422</a> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> </div><div class="line"><a name="l00060"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6"> 60</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>,</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>,</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">S8</a>,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>,</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>,</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>,</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>,</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">U64</a>,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">S64</a>,</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>,</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>,</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">F64</a>,</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">SIZET</a></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> };</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00078"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf"> 78</a></span> constexpr uint8_t <a class="code" href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf">CONSTANT_BORDER_VALUE</a> = 199;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="comment">/* Constant value used to indicate a half-scale pyramid */</span></div><div class="line"><a name="l00081"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd"> 81</a></span> constexpr <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd">SCALE_PYRAMID_HALF</a> = 0.5f;</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="comment">/* Constant value used to indicate a ORB scaled pyramid */</span></div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91"> 84</a></span> constexpr <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91">SCALE_PYRAMID_ORB</a> = 8.408964152537146130583778358414e-01;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00086"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml"> 86</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> {</div><div class="line"><a name="l00088"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e"> 88</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e">ValidRegion</a>()</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  : anchor{}, shape{}</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  {</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  }</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &operator=(<span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &operator=(<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> &&) = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  ~<a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>() = <span class="keywordflow">default</span>;</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193"> 99</a></span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193">ValidRegion</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> anchor, <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> shape)</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  : anchor{ anchor }, shape{ shape }</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  {</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span> </div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed"> 105</a></span>  <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed">start</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> d)<span class="keyword"> const</span></div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">return</span> anchor[d];</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  }</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620"> 111</a></span>  <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620">end</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> d)<span class="keyword"> const</span></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">return</span> anchor[d] + shape[d];</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> </div><div class="line"><a name="l00116"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7"> 116</a></span>  <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>;</div><div class="line"><a name="l00117"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8"> 117</a></span>  <a class="code" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> };</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00121"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327"> 121</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> {</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">UNDEFINED</a>, </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">CONSTANT</a>, </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">REPLICATE</a> </div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> };</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> </div><div class="line"><a name="l00129"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml"> 129</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a></div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> {</div><div class="line"><a name="l00132"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881"> 132</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">BorderSize</a>()</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  : top{ 0 }, right{ 0 }, bottom{ 0 }, left{ 0 }</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  }</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span> </div><div class="line"><a name="l00138"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05"> 138</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> size)</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  : top{ size }, right{ size }, bottom{ size }, left{ size }</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span> </div><div class="line"><a name="l00144"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0"> 144</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> top_bottom, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> left_right)</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  : top{ top_bottom }, right{ left_right }, bottom{ top_bottom }, left{ left_right }</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  }</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> </div><div class="line"><a name="l00150"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023"> 150</a></span>  constexpr <a class="code" href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023">BorderSize</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> top, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> right, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> bottom, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> left)</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  : top{ top }, right{ right }, bottom{ bottom }, left{ left }</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  {</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  }</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span> </div><div class="line"><a name="l00156"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4"> 156</a></span>  constexpr <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <span class="keywordflow">return</span> top == 0 && right == 0 && bottom == 0 && left == 0;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  }</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00162"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c"> 162</a></span>  constexpr <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c">uniform</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> top == right && top == bottom && top == left;</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  }</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> </div><div class="line"><a name="l00167"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837"> 167</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> &<a class="code" href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837">operator*=</a>(<span class="keywordtype">float</span> scale)</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  {</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  top *= scale;</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  right *= scale;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  bottom *= scale;</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  left *= scale;</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> *<span class="keyword">this</span>;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  }</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span> </div><div class="line"><a name="l00177"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2"> 177</a></span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2">operator*</a>(<span class="keywordtype">float</span> scale)</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  {</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> size = *<span class="keyword">this</span>;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  size *= scale;</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> </div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> size;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  }</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00185"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3"> 185</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>;</div><div class="line"><a name="l00186"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9"> 186</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>;</div><div class="line"><a name="l00187"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869"> 187</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>;</div><div class="line"><a name="l00188"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba"> 188</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>;</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> };</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> </div><div class="line"><a name="l00191"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4467b302fc9ec312c40580336ab783da"> 191</a></span> <span class="keyword">using</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml">PaddingSize</a> = <a class="code" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a>;</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> </div><div class="line"><a name="l00194"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f"> 194</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">ConvertPolicy</a></div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span> {</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">WRAP</a>, </div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">SATURATE</a> </div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span> };</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> </div><div class="line"><a name="l00201"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9"> 201</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a></div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">NEAREST_NEIGHBOR</a>, </div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">BILINEAR</a>, </div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">AREA</a>, </div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span> };</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> </div><div class="line"><a name="l00209"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202"> 209</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202">BilinearInterpolation</a></div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span> {</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">BILINEAR_OLD_NEW</a>,</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">BILINEAR_SCHARR</a></div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> };</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> </div><div class="line"><a name="l00216"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649"> 216</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">ThresholdType</a></div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span> {</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">BINARY</a>, </div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">RANGE</a> </div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> };</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> </div><div class="line"><a name="l00223"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be"> 223</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">RoundingPolicy</a></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> {</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">TO_ZERO</a>, </div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">TO_NEAREST_EVEN</a> </div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span> };</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> </div><div class="line"><a name="l00230"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453"> 230</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a></div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> {</div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">TERM_CRITERIA_EPSILON</a>,</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">TERM_CRITERIA_ITERATIONS</a>,</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">TERM_CRITERIA_BOTH</a></div><div class="line"><a name="l00235"></a><span class="lineno"> 235</span> };</div><div class="line"><a name="l00236"></a><span class="lineno"> 236</span> </div><div class="line"><a name="l00238"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a"> 238</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">MagnitudeType</a></div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> {</div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">L1NORM</a>, </div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">L2NORM</a> </div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span> };</div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span> </div><div class="line"><a name="l00248"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72"> 248</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">PhaseType</a></div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> {</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">SIGNED</a>, </div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">UNSIGNED</a> </div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span> };</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span> </div><div class="line"><a name="l00255"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml"> 255</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_key_point.xhtml">KeyPoint</a></div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span> {</div><div class="line"><a name="l00257"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#af6d3062751bd565decb1a2cd3b63bdb2"> 257</a></span>  int32_t x{ 0 }; </div><div class="line"><a name="l00258"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#af64066d134a77e01b3d6eb8da813627a"> 258</a></span>  int32_t y{ 0 }; </div><div class="line"><a name="l00259"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a2c1c8f9331368f38bfc3eaee260b59a6"> 259</a></span>  <span class="keywordtype">float</span> strength{ 0.f }; </div><div class="line"><a name="l00260"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a1d28dec57cce925ad92342891bd71e7c"> 260</a></span>  <span class="keywordtype">float</span> scale{ 0.f }; </div><div class="line"><a name="l00261"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a0e3266fc15309697502533db62b682af"> 261</a></span>  <span class="keywordtype">float</span> orientation{ 0.f }; </div><div class="line"><a name="l00262"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a8ca2aae59762685dd38143e5f8267147"> 262</a></span>  int32_t tracking_status{ 0 }; </div><div class="line"><a name="l00263"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_key_point.xhtml#a7cfd13d282af770aaa971755fa092fca"> 263</a></span>  <span class="keywordtype">float</span> <a class="code" href="namespacearm__compute.xhtml#a568b0fbfa3d903099d9c9f7b6acf188d">error</a>{ 0.f }; </div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span> };</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span> </div><div class="line"><a name="l00266"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2ab89a5d0959531aac270879cdd3ed78"> 266</a></span> <span class="keyword">using</span> <a class="code" href="struct_internal_keypoint.xhtml">InternalKeypoint</a> = std::tuple<float, float, float>; <span class="comment">/* x,y,strength */</span></div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span> </div><div class="line"><a name="l00269"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml"> 269</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_rectangle.xhtml">Rectangle</a></div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span> {</div><div class="line"><a name="l00271"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960"> 271</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>; </div><div class="line"><a name="l00272"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30"> 272</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30">y</a>; </div><div class="line"><a name="l00273"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376"> 273</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; </div><div class="line"><a name="l00274"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37"> 274</a></span>  uint16_t <a class="code" href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; </div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> };</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00278"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml"> 278</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml">Coordinates2D</a></div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span> {</div><div class="line"><a name="l00280"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2"> 280</a></span>  int32_t <a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2">x</a>; </div><div class="line"><a name="l00281"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a"> 281</a></span>  int32_t <a class="code" href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a">y</a>; </div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span> };</div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span> </div><div class="line"><a name="l00285"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml"> 285</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml">Coordinates3D</a></div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span> {</div><div class="line"><a name="l00287"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235"> 287</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235">x</a>; </div><div class="line"><a name="l00288"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48"> 288</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48">y</a>; </div><div class="line"><a name="l00289"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a"> 289</a></span>  uint32_t <a class="code" href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a">z</a>; </div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span> };</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span> </div><div class="line"><a name="l00293"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a"> 293</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a></div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> {</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53">C0</a>, </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">C1</a>, </div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4">C2</a>, </div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c">C3</a>, </div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6">R</a>, </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf">G</a>, </div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a>, </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a>, </div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Y</a>, </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>, </div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">V</a> </div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span> };</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span> </div><div class="line"><a name="l00310"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02"> 310</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a></div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> {</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">BOX</a>, </div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">CROSS</a>, </div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">DISK</a>, </div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">OTHER</a> </div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> };</div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span> </div><div class="line"><a name="l00319"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858"> 319</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> : unsigned</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span> {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">MEDIAN</a> = 0, </div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">MIN</a> = 1, </div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a> = 2, </div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> };</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span> </div><div class="line"><a name="l00327"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca"> 327</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a></div><div class="line"><a name="l00328"></a><span class="lineno"> 328</span> {</div><div class="line"><a name="l00329"></a><span class="lineno"> 329</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">IN_MAP</a>, <span class="comment">/* Normalization applied within the same map */</span></div><div class="line"><a name="l00330"></a><span class="lineno"> 330</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">CROSS_MAP</a> <span class="comment">/* Normalization applied cross maps */</span></div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span> };</div><div class="line"><a name="l00332"></a><span class="lineno"> 332</span> </div><div class="line"><a name="l00334"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3"> 334</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">HOGNormType</a></div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span> {</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">L2_NORM</a>, </div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">L2HYS_NORM</a>, </div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">L1_NORM</a>, </div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">L1SQRT_NORM</a> </div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span> };</div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span> </div><div class="line"><a name="l00348"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml"> 348</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a></div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> {</div><div class="line"><a name="l00350"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960"> 350</a></span>  uint16_t x{ 0 }; </div><div class="line"><a name="l00351"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30"> 351</a></span>  uint16_t y{ 0 }; </div><div class="line"><a name="l00352"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376"> 352</a></span>  uint16_t width{ 0 }; </div><div class="line"><a name="l00353"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37"> 353</a></span>  uint16_t height{ 0 }; </div><div class="line"><a name="l00354"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#ae5c4999829285e20d3b491807fa46fd1"> 354</a></span>  uint16_t idx_class{ 0 }; </div><div class="line"><a name="l00355"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_detection_window.xhtml#a8c5cd9b525ee73a24b1d9d8e34982d1c"> 355</a></span>  <span class="keywordtype">float</span> score{ 0.f }; </div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> };</div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span> </div><div class="line"><a name="l00361"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a"> 361</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a></div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> {</div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">FLOOR</a>, </div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">CEIL</a> </div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span> };</div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span> </div><div class="line"><a name="l00368"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93"> 368</a></span> <span class="keyword">enum class</span> <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a></div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span> {</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a>, </div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">AVG</a> </div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> };</div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span> </div><div class="line"><a name="l00375"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml"> 375</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a></div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span> {</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00386"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a"> 386</a></span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a">PadStrideInfo</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_x = 1, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_y = 1,</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_x = 0, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_y = 0,</div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> round = <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">DimensionRoundingType::FLOOR</a>)</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  : _stride(std::make_pair(stride_x, stride_y)),</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  _pad(std::make_pair(pad_x, pad_y)),</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  _round_type(round)</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  {</div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  }</div><div class="line"><a name="l00394"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a"> 394</a></span>  std::pair<unsigned int, unsigned int> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a">stride</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  <span class="keywordflow">return</span> _stride;</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  }</div><div class="line"><a name="l00398"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9"> 398</a></span>  std::pair<unsigned int, unsigned int> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9">pad</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  <span class="keywordflow">return</span> _pad;</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  }</div><div class="line"><a name="l00402"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44"> 402</a></span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">round</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span>  <span class="keywordflow">return</span> _round_type;</div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  }</div><div class="line"><a name="l00406"></a><span class="lineno"> 406</span> </div><div class="line"><a name="l00407"></a><span class="lineno"> 407</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00408"></a><span class="lineno"> 408</span>  std::pair<unsigned int, unsigned int> _stride;</div><div class="line"><a name="l00409"></a><span class="lineno"> 409</span>  std::pair<unsigned int, unsigned int> _pad;</div><div class="line"><a name="l00410"></a><span class="lineno"> 410</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> _round_type;</div><div class="line"><a name="l00411"></a><span class="lineno"> 411</span> };</div><div class="line"><a name="l00412"></a><span class="lineno"> 412</span> </div><div class="line"><a name="l00414"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml"> 414</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a></div><div class="line"><a name="l00415"></a><span class="lineno"> 415</span> {</div><div class="line"><a name="l00416"></a><span class="lineno"> 416</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00423"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647"> 423</a></span>  <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647">PoolingLayerInfo</a>(<a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> pool_type = <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">PoolingType::MAX</a>, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pool_size = 2, <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> pad_stride_info = <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a>())</div><div class="line"><a name="l00424"></a><span class="lineno"> 424</span>  : _pool_type(pool_type), _pool_size(pool_size), _pad_stride_info(pad_stride_info)</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span>  {</div><div class="line"><a name="l00426"></a><span class="lineno"> 426</span>  }</div><div class="line"><a name="l00427"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff"> 427</a></span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">pool_type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00428"></a><span class="lineno"> 428</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00429"></a><span class="lineno"> 429</span>  <span class="keywordflow">return</span> _pool_type;</div><div class="line"><a name="l00430"></a><span class="lineno"> 430</span>  }</div><div class="line"><a name="l00431"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c"> 431</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">pool_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00432"></a><span class="lineno"> 432</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00433"></a><span class="lineno"> 433</span>  <span class="keywordflow">return</span> _pool_size;</div><div class="line"><a name="l00434"></a><span class="lineno"> 434</span>  }</div><div class="line"><a name="l00435"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5"> 435</a></span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> <a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">pad_stride_info</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <span class="keywordflow">return</span> _pad_stride_info;</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  }</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> </div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">PoolingType</a> _pool_type;</div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _pool_size;</div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  <a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> _pad_stride_info;</div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span> };</div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span> </div><div class="line"><a name="l00447"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml"> 447</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a></div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span> {</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00451"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea"> 451</a></span>  <span class="keyword">enum class</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a></div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span>  {</div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  LOGISTIC, </div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span>  TANH, </div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span>  RELU, </div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span>  BOUNDED_RELU, </div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  SOFT_RELU, </div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  ABS, </div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  SQUARE, </div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  SQRT, </div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span>  LINEAR </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  };</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span> </div><div class="line"><a name="l00471"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1"> 471</a></span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1">ActivationLayerInfo</a>(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> f, <span class="keywordtype">float</span> a = 0.0f, <span class="keywordtype">float</span> b = 0.0f)</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  : _act(f), _a(a), _b(b)</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  {</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span>  }</div><div class="line"><a name="l00475"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a"> 475</a></span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a">activation</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  <span class="keywordflow">return</span> _act;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  }</div><div class="line"><a name="l00479"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb"> 479</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">a</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span>  <span class="keywordflow">return</span> _a;</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span>  }</div><div class="line"><a name="l00483"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c"> 483</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">b</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00484"></a><span class="lineno"> 484</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00485"></a><span class="lineno"> 485</span>  <span class="keywordflow">return</span> _b;</div><div class="line"><a name="l00486"></a><span class="lineno"> 486</span>  }</div><div class="line"><a name="l00487"></a><span class="lineno"> 487</span> </div><div class="line"><a name="l00488"></a><span class="lineno"> 488</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00489"></a><span class="lineno"> 489</span>  <a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationFunction</a> _act;</div><div class="line"><a name="l00490"></a><span class="lineno"> 490</span>  <span class="keywordtype">float</span> _a;</div><div class="line"><a name="l00491"></a><span class="lineno"> 491</span>  <span class="keywordtype">float</span> _b;</div><div class="line"><a name="l00492"></a><span class="lineno"> 492</span> };</div><div class="line"><a name="l00493"></a><span class="lineno"> 493</span> </div><div class="line"><a name="l00495"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml"> 495</a></span> <span class="keyword">class </span><a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a></div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span> {</div><div class="line"><a name="l00497"></a><span class="lineno"> 497</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00506"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703"> 506</a></span>  <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703">NormalizationLayerInfo</a>(<a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> type, uint32_t norm_size = 5, <span class="keywordtype">float</span> alpha = 0.0001f, <span class="keywordtype">float</span> beta = 0.5f, <span class="keywordtype">float</span> kappa = 1.f)</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  : _type(type), _norm_size(norm_size), _alpha(alpha), _beta(beta), _kappa(kappa)</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  {</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span>  }</div><div class="line"><a name="l00510"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5"> 510</a></span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">type</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00511"></a><span class="lineno"> 511</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  <span class="keywordflow">return</span> _type;</div><div class="line"><a name="l00513"></a><span class="lineno"> 513</span>  }</div><div class="line"><a name="l00514"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349"> 514</a></span>  uint32_t <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">norm_size</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00515"></a><span class="lineno"> 515</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  <span class="keywordflow">return</span> _norm_size;</div><div class="line"><a name="l00517"></a><span class="lineno"> 517</span>  }</div><div class="line"><a name="l00518"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8"> 518</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">alpha</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00519"></a><span class="lineno"> 519</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00520"></a><span class="lineno"> 520</span>  <span class="keywordflow">return</span> _alpha;</div><div class="line"><a name="l00521"></a><span class="lineno"> 521</span>  }</div><div class="line"><a name="l00522"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e"> 522</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">beta</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00523"></a><span class="lineno"> 523</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00524"></a><span class="lineno"> 524</span>  <span class="keywordflow">return</span> _beta;</div><div class="line"><a name="l00525"></a><span class="lineno"> 525</span>  }</div><div class="line"><a name="l00526"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8"> 526</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">kappa</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00527"></a><span class="lineno"> 527</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00528"></a><span class="lineno"> 528</span>  <span class="keywordflow">return</span> _kappa;</div><div class="line"><a name="l00529"></a><span class="lineno"> 529</span>  }</div><div class="line"><a name="l00533"></a><span class="lineno"><a class="line" href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c"> 533</a></span>  <span class="keywordtype">float</span> <a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c">scale_coeff</a>()<span class="keyword"> const</span></div><div class="line"><a name="l00534"></a><span class="lineno"> 534</span> <span class="keyword"> </span>{</div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span>  <span class="keywordflow">return</span> (_kappa == 1.f) ? (_alpha / _norm_size) : _alpha;</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span>  }</div><div class="line"><a name="l00537"></a><span class="lineno"> 537</span> </div><div class="line"><a name="l00538"></a><span class="lineno"> 538</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00539"></a><span class="lineno"> 539</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">NormType</a> _type;</div><div class="line"><a name="l00540"></a><span class="lineno"> 540</span>  uint32_t _norm_size;</div><div class="line"><a name="l00541"></a><span class="lineno"> 541</span>  <span class="keywordtype">float</span> _alpha;</div><div class="line"><a name="l00542"></a><span class="lineno"> 542</span>  <span class="keywordtype">float</span> _beta;</div><div class="line"><a name="l00543"></a><span class="lineno"> 543</span>  <span class="keywordtype">float</span> _kappa;</div><div class="line"><a name="l00544"></a><span class="lineno"> 544</span> };</div><div class="line"><a name="l00545"></a><span class="lineno"> 545</span> </div><div class="line"><a name="l00547"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml"> 547</a></span> <span class="keyword">struct </span><a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml">IOFormatInfo</a></div><div class="line"><a name="l00548"></a><span class="lineno"> 548</span> {</div><div class="line"><a name="l00550"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6"> 550</a></span>  <span class="keyword">enum class</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a></div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span>  {</div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  Default, </div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  Custom, </div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span>  Full </div><div class="line"><a name="l00555"></a><span class="lineno"> 555</span>  };</div><div class="line"><a name="l00556"></a><span class="lineno"> 556</span> </div><div class="line"><a name="l00558"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0"> 558</a></span>  <span class="keyword">enum class</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a></div><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  {</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span>  <a class="code" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a>, </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  NoPadding, </div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  Full </div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  };</div><div class="line"><a name="l00564"></a><span class="lineno"> 564</span> </div><div class="line"><a name="l00565"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0"> 565</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">IOFormatInfo</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a> print_region = PrintRegion::ValidRegion,</div><div class="line"><a name="l00566"></a><span class="lineno"> 566</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a> precision_type = PrecisionType::Default,</div><div class="line"><a name="l00567"></a><span class="lineno"> 567</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> precision = 10,</div><div class="line"><a name="l00568"></a><span class="lineno"> 568</span>  <span class="keywordtype">bool</span> align_columns = <span class="keyword">true</span>,</div><div class="line"><a name="l00569"></a><span class="lineno"> 569</span>  std::string element_delim = <span class="stringliteral">" "</span>,</div><div class="line"><a name="l00570"></a><span class="lineno"> 570</span>  std::string row_delim = <span class="stringliteral">"\n"</span>)</div><div class="line"><a name="l00571"></a><span class="lineno"> 571</span>  : print_region(print_region),</div><div class="line"><a name="l00572"></a><span class="lineno"> 572</span>  precision_type(precision_type),</div><div class="line"><a name="l00573"></a><span class="lineno"> 573</span>  precision(precision),</div><div class="line"><a name="l00574"></a><span class="lineno"> 574</span>  element_delim(element_delim),</div><div class="line"><a name="l00575"></a><span class="lineno"> 575</span>  row_delim(row_delim),</div><div class="line"><a name="l00576"></a><span class="lineno"> 576</span>  align_columns(align_columns)</div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span>  {</div><div class="line"><a name="l00578"></a><span class="lineno"> 578</span>  }</div><div class="line"><a name="l00579"></a><span class="lineno"> 579</span> </div><div class="line"><a name="l00580"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50"> 580</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">PrintRegion</a> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>;</div><div class="line"><a name="l00581"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f"> 581</a></span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">PrecisionType</a> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>;</div><div class="line"><a name="l00582"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487"> 582</a></span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>;</div><div class="line"><a name="l00583"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66"> 583</a></span>  std::string <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>;</div><div class="line"><a name="l00584"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596"> 584</a></span>  std::string <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>;</div><div class="line"><a name="l00585"></a><span class="lineno"><a class="line" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94"> 585</a></span>  <span class="keywordtype">bool</span> <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>;</div><div class="line"><a name="l00586"></a><span class="lineno"> 586</span> };</div><div class="line"><a name="l00587"></a><span class="lineno"> 587</span> }</div><div class="line"><a name="l00588"></a><span class="lineno"> 588</span> <span class="preprocessor">#endif </span><span class="comment">/* __ARM_COMPUTE_TYPES_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> +<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml">arm_compute::Rectangle</a></div><div class="ttdoc">Rectangle type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00269">Types.h:269</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ad53ff460a7430f45c22b27aad707e41f"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">arm_compute::IOFormatInfo::precision_type</a></div><div class="ttdeci">PrecisionType precision_type</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00581">Types.h:581</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a2ebcd5423d5fba468e7debd2e1aabe91"><div class="ttname"><a href="namespacearm__compute.xhtml#a2ebcd5423d5fba468e7debd2e1aabe91">arm_compute::SCALE_PYRAMID_ORB</a></div><div class="ttdeci">constexpr float SCALE_PYRAMID_ORB</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00084">Types.h:84</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml">arm_compute::Coordinates3D</a></div><div class="ttdoc">Coordinate type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00285">Types.h:285</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af9876aedd664cac0ddeacddb40cb71cd"><div class="ttname"><a href="namespacearm__compute.xhtml#af9876aedd664cac0ddeacddb40cb71cd">arm_compute::SCALE_PYRAMID_HALF</a></div><div class="ttdeci">constexpr float SCALE_PYRAMID_HALF</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00081">Types.h:81</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">arm_compute::HOGNormType::L2HYS_NORM</a></div><div class="ttdoc">L2-norm followed by clipping. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">arm_compute::BilinearInterpolation::BILINEAR_OLD_NEW</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00143">Types.h:143</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00156">Types.h:156</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">arm_compute::Format::UYVY422</a></div><div class="ttdoc">A 3 plane of 8-bit 4:2:0 sampled Y, U, V planes. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">arm_compute::Channel::C1</a></div><div class="ttdoc">Second channel (used by formats with unknown channel types). </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_shape_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_shape.xhtml">arm_compute::TensorShape</a></div><div class="ttdoc">Shape of a tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_shape_8h_source.xhtml#l00038">TensorShape.h:38</a></div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_aae8a40a17c0be29c1f06ca6b4f9e2235"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235">arm_compute::Coordinates3D::x</a></div><div class="ttdeci">uint32_t x</div><div class="ttdoc">X coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00274">Types.h:274</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_aae8a40a17c0be29c1f06ca6b4f9e2235"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235">arm_compute::Coordinates3D::x</a></div><div class="ttdeci">uint32_t x</div><div class="ttdoc">X coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00287">Types.h:287</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">arm_compute::NormType::IN_MAP</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">arm_compute::MagnitudeType::L1NORM</a></div><div class="ttdoc">L1 normalization type. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">arm_compute::DimensionRoundingType::CEIL</a></div><div class="ttdoc">Ceil rounding. </div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00104">Types.h:104</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00117">Types.h:117</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">arm_compute::PhaseType::UNSIGNED</a></div><div class="ttdoc">Angle range: [0, 180]. </div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a9a9d6d62752247f733a3466b484e08b9"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9">arm_compute::PadStrideInfo::pad</a></div><div class="ttdeci">std::pair< unsigned int, unsigned int > pad() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00385">Types.h:385</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af56abff12f887fddfa02e0bc18a318a1"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1">arm_compute::ActivationLayerInfo::ActivationLayerInfo</a></div><div class="ttdeci">ActivationLayerInfo(ActivationFunction f, float a=0.0f, float b=0.0f)</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00458">Types.h:458</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a9a9d6d62752247f733a3466b484e08b9"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9">arm_compute::PadStrideInfo::pad</a></div><div class="ttdeci">std::pair< unsigned int, unsigned int > pad() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00398">Types.h:398</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml">arm_compute::BorderSize</a></div><div class="ttdoc">Container for 2D border size. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00129">Types.h:129</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af56abff12f887fddfa02e0bc18a318a1"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af56abff12f887fddfa02e0bc18a318a1">arm_compute::ActivationLayerInfo::ActivationLayerInfo</a></div><div class="ttdeci">ActivationLayerInfo(ActivationFunction f, float a=0.0f, float b=0.0f)</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00471">Types.h:471</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">arm_compute::PhaseType::SIGNED</a></div><div class="ttdoc">Angle range: [0, 360]. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00235">Types.h:235</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_acbe58b96aee21ee986689ebd3d2f6a3c"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">arm_compute::PoolingLayerInfo::pool_size</a></div><div class="ttdeci">unsigned int pool_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00418">Types.h:418</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72">arm_compute::PhaseType</a></div><div class="ttdeci">PhaseType</div><div class="ttdoc">Phase calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00248">Types.h:248</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_acbe58b96aee21ee986689ebd3d2f6a3c"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">arm_compute::PoolingLayerInfo::pool_size</a></div><div class="ttdeci">unsigned int pool_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00431">Types.h:431</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">arm_compute::Channel::V</a></div><div class="ttdoc">Cr/V/Value channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">arm_compute::Channel::B</a></div><div class="ttdoc">Blue channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">arm_compute::MatrixPattern::DISK</a></div><div class="ttdoc">Disk pattern matrix. </div></div> @@ -150,135 +150,137 @@ $(document).ready(function(){initNavTree('_types_8h_source.xhtml','');}); <div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">arm_compute::Termination::TERM_CRITERIA_EPSILON</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">arm_compute::DimensionRoundingType::FLOOR</a></div><div class="ttdoc">Floor rounding. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">arm_compute::Format::F32</a></div><div class="ttdoc">1 channel, 1 F16 per channel </div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a3c82dfc72060f59eccf0bd096b81c5d5"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">arm_compute::PoolingLayerInfo::pad_stride_info</a></div><div class="ttdeci">PadStrideInfo pad_stride_info() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00422">Types.h:422</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">arm_compute::DimensionRoundingType</a></div><div class="ttdeci">DimensionRoundingType</div><div class="ttdoc">Dimension rounding type when down-scaling on CNNs. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00348">Types.h:348</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00482">Types.h:482</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a3c82dfc72060f59eccf0bd096b81c5d5"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">arm_compute::PoolingLayerInfo::pad_stride_info</a></div><div class="ttdeci">PadStrideInfo pad_stride_info() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00435">Types.h:435</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">arm_compute::DimensionRoundingType</a></div><div class="ttdeci">DimensionRoundingType</div><div class="ttdoc">Dimension rounding type when down-scaling on CNNs. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00361">Types.h:361</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml">arm_compute::NormalizationLayerInfo</a></div><div class="ttdoc">Normalization Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00495">Types.h:495</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53">arm_compute::Channel::C0</a></div><div class="ttdoc">Unknown channel format. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">arm_compute::InterpolationPolicy::BILINEAR</a></div><div class="ttdoc">Output values are defined by bilinear interpolation between the pixels. </div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a63e05ce4946dd9807c005c1619fa337a"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a">arm_compute::ActivationLayerInfo::activation</a></div><div class="ttdeci">ActivationFunction activation() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00462">Types.h:462</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1fba9343eade93326cb985cfcb6de487"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">arm_compute::IOFormatInfo::precision</a></div><div class="ttdeci">unsigned int precision</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00569">Types.h:569</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a364517fc26d500026eaa13f50db45703"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703">arm_compute::NormalizationLayerInfo::NormalizationLayerInfo</a></div><div class="ttdeci">NormalizationLayerInfo(NormType type, uint32_t norm_size=5, float alpha=0.0001f, float beta=0.5f, float kappa=1.f)</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00493">Types.h:493</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a39f6445d0b790034f0d8fac36f2eb7f5"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">arm_compute::NormalizationLayerInfo::type</a></div><div class="ttdeci">NormType type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00497">Types.h:497</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a0549be3702c05e6ec1ada69a6d08e349"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">arm_compute::NormalizationLayerInfo::norm_size</a></div><div class="ttdeci">uint32_t norm_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00501">Types.h:501</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202">arm_compute::BilinearInterpolation</a></div><div class="ttdeci">BilinearInterpolation</div><div class="ttdoc">Bilinear Interpolation method used by LKTracker. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00196">Types.h:196</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a63e05ce4946dd9807c005c1619fa337a"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a63e05ce4946dd9807c005c1619fa337a">arm_compute::ActivationLayerInfo::activation</a></div><div class="ttdeci">ActivationFunction activation() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00475">Types.h:475</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1fba9343eade93326cb985cfcb6de487"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">arm_compute::IOFormatInfo::precision</a></div><div class="ttdeci">unsigned int precision</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00582">Types.h:582</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a364517fc26d500026eaa13f50db45703"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703">arm_compute::NormalizationLayerInfo::NormalizationLayerInfo</a></div><div class="ttdeci">NormalizationLayerInfo(NormType type, uint32_t norm_size=5, float alpha=0.0001f, float beta=0.5f, float kappa=1.f)</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00506">Types.h:506</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a39f6445d0b790034f0d8fac36f2eb7f5"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">arm_compute::NormalizationLayerInfo::type</a></div><div class="ttdeci">NormType type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00510">Types.h:510</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a0549be3702c05e6ec1ada69a6d08e349"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">arm_compute::NormalizationLayerInfo::norm_size</a></div><div class="ttdeci">uint32_t norm_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00514">Types.h:514</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202">arm_compute::BilinearInterpolation</a></div><div class="ttdeci">BilinearInterpolation</div><div class="ttdoc">Bilinear Interpolation method used by LKTracker. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00209">Types.h:209</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">arm_compute::Format::NV12</a></div><div class="ttdoc">A single plane of 32-bit macro pixel of Y0, U0, Y1, V0 bytes. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">arm_compute::Termination::TERM_CRITERIA_ITERATIONS</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4ee7f04c477d0e6a2a3609c24a8815b8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">arm_compute::NormalizationLayerInfo::alpha</a></div><div class="ttdeci">float alpha() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00505">Types.h:505</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3fed059965fe44cbe7ed4091d6b63acf"><div class="ttname"><a href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf">arm_compute::CONSTANT_BORDER_VALUE</a></div><div class="ttdeci">constexpr uint8_t CONSTANT_BORDER_VALUE</div><div class="ttdoc">Constant value of the border pixels when using BorderMode::CONSTANT. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00077">Types.h:77</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00203">Types.h:203</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4ee7f04c477d0e6a2a3609c24a8815b8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">arm_compute::NormalizationLayerInfo::alpha</a></div><div class="ttdeci">float alpha() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00518">Types.h:518</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3fed059965fe44cbe7ed4091d6b63acf"><div class="ttname"><a href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf">arm_compute::CONSTANT_BORDER_VALUE</a></div><div class="ttdeci">constexpr uint8_t CONSTANT_BORDER_VALUE</div><div class="ttdoc">Constant value of the border pixels when using BorderMode::CONSTANT. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00078">Types.h:78</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649">arm_compute::ThresholdType</a></div><div class="ttdeci">ThresholdType</div><div class="ttdoc">Threshold mode. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00216">Types.h:216</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">arm_compute::Format::U16</a></div><div class="ttdoc">1 channel, 1 S16 per channel </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af28869d53fbe340640044d672b29ba7c"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">arm_compute::ActivationLayerInfo::b</a></div><div class="ttdeci">float b() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00470">Types.h:470</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a3e3b8af91d2afbfeed14560f2070fd50"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">arm_compute::IOFormatInfo::print_region</a></div><div class="ttdeci">PrintRegion print_region</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00567">Types.h:567</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af28869d53fbe340640044d672b29ba7c"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">arm_compute::ActivationLayerInfo::b</a></div><div class="ttdeci">float b() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00483">Types.h:483</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a3e3b8af91d2afbfeed14560f2070fd50"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">arm_compute::IOFormatInfo::print_region</a></div><div class="ttdeci">PrintRegion print_region</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00580">Types.h:580</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::InterpolationPolicy::NEAREST_NEIGHBOR</a></div><div class="ttdoc">Output values are defined to match the source pixel whose center is nearest to the sample position...</div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">arm_compute::Format::UNKNOWN</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6">arm_compute::Channel::R</a></div><div class="ttdoc">Red channel. </div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00434">Types.h:434</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a2ad28e7a7acce236704af749d1842193"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193">arm_compute::ValidRegion::ValidRegion</a></div><div class="ttdeci">ValidRegion(Coordinates anchor, TensorShape shape)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00098">Types.h:98</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml">arm_compute::ActivationLayerInfo</a></div><div class="ttdoc">Activation Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00447">Types.h:447</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a2ad28e7a7acce236704af749d1842193"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193">arm_compute::ValidRegion::ValidRegion</a></div><div class="ttdeci">ValidRegion(Coordinates anchor, TensorShape shape)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00099">Types.h:99</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">arm_compute::Termination::TERM_CRITERIA_BOTH</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">arm_compute::Format::NV21</a></div><div class="ttdoc">A 2 plane YUV format of Luma (Y) and interleaved UV data at 4:2:0 sampling. </div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4df91dc0be2437a7d1bfd6d8df72baa8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">arm_compute::NormalizationLayerInfo::kappa</a></div><div class="ttdeci">float kappa() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00513">Types.h:513</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a44089024084b73c5b83e509518df48e0"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int top_bottom, unsigned int left_right)</div><div class="ttdoc">Border with same size for top/bottom and left/right. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00131">Types.h:131</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4df91dc0be2437a7d1bfd6d8df72baa8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">arm_compute::NormalizationLayerInfo::kappa</a></div><div class="ttdeci">float kappa() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00526">Types.h:526</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a44089024084b73c5b83e509518df48e0"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a44089024084b73c5b83e509518df48e0">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int top_bottom, unsigned int left_right)</div><div class="ttdoc">Border with same size for top/bottom and left/right. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00144">Types.h:144</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml_af6d3062751bd565decb1a2cd3b63bdb2"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2">arm_compute::Coordinates2D::x</a></div><div class="ttdeci">int32_t x</div><div class="ttdoc">X coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00267">Types.h:267</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00438">Types.h:438</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_adc8388028db66f138de6b1aca27ad620"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620">arm_compute::ValidRegion::end</a></div><div class="ttdeci">int end(unsigned int d) const </div><div class="ttdoc">Return the end of the valid region for the given dimension d. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00111">Types.h:111</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml_af6d3062751bd565decb1a2cd3b63bdb2"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2">arm_compute::Coordinates2D::x</a></div><div class="ttdeci">int32_t x</div><div class="ttdoc">X coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00451">Types.h:451</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">arm_compute::Format::F16</a></div><div class="ttdoc">1 channel, 1 U32 per channel </div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a55beddf67f69fc5312961b1b112560fb"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">arm_compute::ActivationLayerInfo::a</a></div><div class="ttdeci">float a() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00466">Types.h:466</a></div></div> -<div class="ttc" id="structarm__compute_1_1_key_point_xhtml"><div class="ttname"><a href="structarm__compute_1_1_key_point.xhtml">arm_compute::KeyPoint</a></div><div class="ttdoc">Keypoint type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00242">Types.h:242</a></div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_ad81d8d7d582cb5752dbeab85e233603a"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a">arm_compute::Coordinates3D::z</a></div><div class="ttdeci">uint32_t z</div><div class="ttdoc">Z coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00276">Types.h:276</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a55beddf67f69fc5312961b1b112560fb"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">arm_compute::ActivationLayerInfo::a</a></div><div class="ttdeci">float a() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00479">Types.h:479</a></div></div> +<div class="ttc" id="structarm__compute_1_1_key_point_xhtml"><div class="ttname"><a href="structarm__compute_1_1_key_point.xhtml">arm_compute::KeyPoint</a></div><div class="ttdoc">Keypoint type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00255">Types.h:255</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_ad81d8d7d582cb5752dbeab85e233603a"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a">arm_compute::Coordinates3D::z</a></div><div class="ttdeci">uint32_t z</div><div class="ttdoc">Z coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00289">Types.h:289</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">arm_compute::BilinearInterpolation::BILINEAR_SCHARR</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">arm_compute::Format::S32</a></div><div class="ttdoc">1 channel, 1 U16 per channel </div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a3d7de69b5d597f77362f3279c6ec1c44"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">arm_compute::PadStrideInfo::round</a></div><div class="ttdeci">DimensionRoundingType round() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00389">Types.h:389</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a3d7de69b5d597f77362f3279c6ec1c44"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">arm_compute::PadStrideInfo::round</a></div><div class="ttdeci">DimensionRoundingType round() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00402">Types.h:402</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">arm_compute::DataType::S64</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_afc22bda96f8024656055390cc5f780f0"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">arm_compute::IOFormatInfo::IOFormatInfo</a></div><div class="ttdeci">IOFormatInfo(PrintRegion print_region=PrintRegion::ValidRegion, PrecisionType precision_type=PrecisionType::Default, unsigned int precision=10, bool align_columns=true, std::string element_delim=" ", std::string row_delim="\n")</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00552">Types.h:552</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_afc22bda96f8024656055390cc5f780f0"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">arm_compute::IOFormatInfo::IOFormatInfo</a></div><div class="ttdeci">IOFormatInfo(PrintRegion print_region=PrintRegion::ValidRegion, PrecisionType precision_type=PrecisionType::Default, unsigned int precision=10, bool align_columns=true, std::string element_delim=" ", std::string row_delim="\n")</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00565">Types.h:565</a></div></div> <div class="ttc" id="struct_internal_keypoint_xhtml"><div class="ttname"><a href="struct_internal_keypoint.xhtml">InternalKeypoint</a></div><div class="ttdef"><b>Definition:</b> <a href="optical__flow__pyramid__lk_8cl_source.xhtml#l00042">optical_flow_pyramid_lk.cl:42</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">arm_compute::HOGNormType::L1_NORM</a></div><div class="ttdoc">L1 norm. </div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_aec54a7ff1ca347fdda25821cfb8fd0ed"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed">arm_compute::ValidRegion::start</a></div><div class="ttdeci">int start(unsigned int d) const </div><div class="ttdoc">Return the start of the valid region for the given dimension d. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00105">Types.h:105</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a568b0fbfa3d903099d9c9f7b6acf188d"><div class="ttname"><a href="namespacearm__compute.xhtml#a568b0fbfa3d903099d9c9f7b6acf188d">arm_compute::error</a></div><div class="ttdeci">void error(const char *function, const char *file, const int line, const char *msg,...)</div><div class="ttdoc">Print an error message then throw an std::runtime_error. </div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml_af64066d134a77e01b3d6eb8da813627a"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a">arm_compute::Coordinates2D::y</a></div><div class="ttdeci">int32_t y</div><div class="ttdoc">Y coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00268">Types.h:268</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml_af64066d134a77e01b3d6eb8da813627a"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a">arm_compute::Coordinates2D::y</a></div><div class="ttdeci">int32_t y</div><div class="ttdoc">Y coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00281">Types.h:281</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">arm_compute::DataType::SIZET</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_af9d0ef4ba2c2ce9dc650a064484c4647"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647">arm_compute::PoolingLayerInfo::PoolingLayerInfo</a></div><div class="ttdeci">PoolingLayerInfo(PoolingType pool_type=PoolingType::MAX, unsigned int pool_size=2, PadStrideInfo pad_stride_info=PadStrideInfo())</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00410">Types.h:410</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_af9d0ef4ba2c2ce9dc650a064484c4647"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647">arm_compute::PoolingLayerInfo::PoolingLayerInfo</a></div><div class="ttdeci">PoolingLayerInfo(PoolingType pool_type=PoolingType::MAX, unsigned int pool_size=2, PadStrideInfo pad_stride_info=PadStrideInfo())</div><div class="ttdoc">Default Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00423">Types.h:423</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4">arm_compute::Channel::C2</a></div><div class="ttdoc">Third channel (used by formats with unknown channel types). </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">arm_compute::Format::U32</a></div><div class="ttdoc">1 channel, 1 S32 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">arm_compute::Channel::U</a></div><div class="ttdoc">Cb/U channel. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ab1a3e6cb2768124a6853f52bd0e10596"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">arm_compute::IOFormatInfo::row_delim</a></div><div class="ttdeci">std::string row_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00571">Types.h:571</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml">arm_compute::IOFormatInfo</a></div><div class="ttdoc">IO formatting information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00534">Types.h:534</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_ad2f1ea50a9e215ad8ef612a724a4866a"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a">arm_compute::PadStrideInfo::stride</a></div><div class="ttdeci">std::pair< unsigned int, unsigned int > stride() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00381">Types.h:381</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ab1a3e6cb2768124a6853f52bd0e10596"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">arm_compute::IOFormatInfo::row_delim</a></div><div class="ttdeci">std::string row_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00584">Types.h:584</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml">arm_compute::IOFormatInfo</a></div><div class="ttdoc">IO formatting information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00547">Types.h:547</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_ad2f1ea50a9e215ad8ef612a724a4866a"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a">arm_compute::PadStrideInfo::stride</a></div><div class="ttdeci">std::pair< unsigned int, unsigned int > stride() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00394">Types.h:394</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00210">Types.h:210</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50be"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50be">arm_compute::RoundingPolicy</a></div><div class="ttdeci">RoundingPolicy</div><div class="ttdoc">Rounding method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00223">Types.h:223</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">arm_compute::Format::YUV444</a></div><div class="ttdoc">4 channels, 1 U8 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c">arm_compute::Channel::C3</a></div><div class="ttdoc">Fourth channel (used by formats with unknown channel types). </div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00362">Types.h:362</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00217">Types.h:217</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a4ead5a6d48151a603bf3be1e6acafb05"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int size)</div><div class="ttdoc">Border with equal size around the 2D plane. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00125">Types.h:125</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml">arm_compute::PadStrideInfo</a></div><div class="ttdoc">Padding and stride information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00375">Types.h:375</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">arm_compute::Termination</a></div><div class="ttdeci">Termination</div><div class="ttdoc">Termination criteria. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00230">Types.h:230</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a4ead5a6d48151a603bf3be1e6acafb05"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a4ead5a6d48151a603bf3be1e6acafb05">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int size)</div><div class="ttdoc">Border with equal size around the 2D plane. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00138">Types.h:138</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">arm_compute::Channel::Y</a></div><div class="ttdoc">Luma channel. </div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1d81fe110d5dcac79dd73a532015bb94"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">arm_compute::IOFormatInfo::align_columns</a></div><div class="ttdeci">bool align_columns</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00572">Types.h:572</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1d81fe110d5dcac79dd73a532015bb94"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">arm_compute::IOFormatInfo::align_columns</a></div><div class="ttdeci">bool align_columns</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00585">Types.h:585</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">arm_compute::HOGNormType::L2_NORM</a></div><div class="ttdoc">L2-norm. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3057c6687da7d7d5674dcc49eba5736c"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c">arm_compute::BorderSize::uniform</a></div><div class="ttdeci">constexpr bool uniform() const </div><div class="ttdoc">Check if the border is the same size on all sides. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00149">Types.h:149</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3057c6687da7d7d5674dcc49eba5736c"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3057c6687da7d7d5674dcc49eba5736c">arm_compute::BorderSize::uniform</a></div><div class="ttdeci">constexpr bool uniform() const </div><div class="ttdoc">Check if the border is the same size on all sides. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00162">Types.h:162</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">arm_compute::Format::S16</a></div><div class="ttdoc">1 channel, 1 U8 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">arm_compute::MagnitudeType::L2NORM</a></div><div class="ttdoc">L2 normalization type. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">arm_compute::InterpolationPolicy::AREA</a></div><div class="ttdoc">Output values are determined by averaging the source pixels whose areas fall under the area of the de...</div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a6f541aab23799f6c61d9c8d7ca9fe15c"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c">arm_compute::NormalizationLayerInfo::scale_coeff</a></div><div class="ttdeci">float scale_coeff() const </div><div class="ttdoc">Return the scaling factor of the normalization function. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00520">Types.h:520</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a36c28b28da4e04d698d6b598fb1eaca6"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">arm_compute::IOFormatInfo::PrecisionType</a></div><div class="ttdeci">PrecisionType</div><div class="ttdoc">Precision type used when printing floating point numbers. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00537">Types.h:537</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a6f541aab23799f6c61d9c8d7ca9fe15c"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c">arm_compute::NormalizationLayerInfo::scale_coeff</a></div><div class="ttdeci">float scale_coeff() const </div><div class="ttdoc">Return the scaling factor of the normalization function. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00533">Types.h:533</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a36c28b28da4e04d698d6b598fb1eaca6"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6">arm_compute::IOFormatInfo::PrecisionType</a></div><div class="ttdeci">PrecisionType</div><div class="ttdoc">Precision type used when printing floating point numbers. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00550">Types.h:550</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">arm_compute::Format::IYUV</a></div><div class="ttdoc">A 2 plane YUV format of Luma (Y) and interleaved VU data at 4:2:0 sampling. </div></div> -<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_aebf88ce57c0ad3d796ca66edb8a43e1a"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a">arm_compute::PadStrideInfo::PadStrideInfo</a></div><div class="ttdeci">PadStrideInfo(unsigned int stride_x=1, unsigned int stride_y=1, unsigned int pad_x=0, unsigned int pad_y=0, DimensionRoundingType round=DimensionRoundingType::FLOOR)</div><div class="ttdoc">Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00373">Types.h:373</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_aebf88ce57c0ad3d796ca66edb8a43e1a"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a">arm_compute::PadStrideInfo::PadStrideInfo</a></div><div class="ttdeci">PadStrideInfo(unsigned int stride_x=1, unsigned int stride_y=1, unsigned int pad_x=0, unsigned int pad_y=0, DimensionRoundingType round=DimensionRoundingType::FLOOR)</div><div class="ttdoc">Constructor. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00386">Types.h:386</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">arm_compute::Format::RGBA8888</a></div><div class="ttdoc">3 channels, 1 U8 per channel </div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_a9c02f93c9698e4486878867c4f265c48"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48">arm_compute::Coordinates3D::y</a></div><div class="ttdeci">uint32_t y</div><div class="ttdoc">Y coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00275">Types.h:275</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a9172da722f0a434e5cc07c0a3c115d93"><div class="ttname"><a href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">arm_compute::PoolingType</a></div><div class="ttdeci">PoolingType</div><div class="ttdoc">Available pooling types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00355">Types.h:355</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates3_d_xhtml_a9c02f93c9698e4486878867c4f265c48"><div class="ttname"><a href="structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48">arm_compute::Coordinates3D::y</a></div><div class="ttdeci">uint32_t y</div><div class="ttdoc">Y coordinates. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00288">Types.h:288</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a9172da722f0a434e5cc07c0a3c115d93"><div class="ttname"><a href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93">arm_compute::PoolingType</a></div><div class="ttdeci">PoolingType</div><div class="ttdoc">Available pooling types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00368">Types.h:368</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">arm_compute::RoundingPolicy::TO_NEAREST_EVEN</a></div><div class="ttdoc">Rounds to nearest even output value. </div></div> <div class="ttc" id="_coordinates_8h_xhtml"><div class="ttname"><a href="_coordinates_8h.xhtml">Coordinates.h</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">arm_compute::HOGNormType</a></div><div class="ttdeci">HOGNormType</div><div class="ttdoc">Normalization type for Histogram of Oriented Gradients (HOG) </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00321">Types.h:321</a></div></div> -<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml">arm_compute::Coordinates2D</a></div><div class="ttdoc">Coordinate type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00265">Types.h:265</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3">arm_compute::HOGNormType</a></div><div class="ttdeci">HOGNormType</div><div class="ttdoc">Normalization type for Histogram of Oriented Gradients (HOG) </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00334">Types.h:334</a></div></div> +<div class="ttc" id="structarm__compute_1_1_coordinates2_d_xhtml"><div class="ttname"><a href="structarm__compute_1_1_coordinates2_d.xhtml">arm_compute::Coordinates2D</a></div><div class="ttdoc">Coordinate type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00278">Types.h:278</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a"><div class="ttname"><a href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">arm_compute::PoolingType::AVG</a></div><div class="ttdoc">Average Pooling. </div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a55fe6a30749e41ce31c2bb969a5aa25e"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">arm_compute::NormalizationLayerInfo::beta</a></div><div class="ttdeci">float beta() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00509">Types.h:509</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a55fe6a30749e41ce31c2bb969a5aa25e"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">arm_compute::NormalizationLayerInfo::beta</a></div><div class="ttdeci">float beta() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00522">Types.h:522</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::BorderMode::REPLICATE</a></div><div class="ttdoc">Pixels outside the image are assumed to have the same value as the closest image pixel. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ae97b3d4d063ade0ef4bdf5be1f135881"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize()</div><div class="ttdoc">Empty border, i.e. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00119">Types.h:119</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a7e8311a3a774bceb8efae1d5c8c8aeff"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">arm_compute::PoolingLayerInfo::pool_type</a></div><div class="ttdeci">PoolingType pool_type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00335">Types.h:335</a></div></div> -<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::Rectangle::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the rectangle. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00260">Types.h:260</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ae97b3d4d063ade0ef4bdf5be1f135881"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize()</div><div class="ttdoc">Empty border, i.e. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00132">Types.h:132</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a7e8311a3a774bceb8efae1d5c8c8aeff"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">arm_compute::PoolingLayerInfo::pool_type</a></div><div class="ttdeci">PoolingType pool_type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00427">Types.h:427</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00348">Types.h:348</a></div></div> +<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::Rectangle::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the rectangle. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00273">Types.h:273</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">arm_compute::ConvertPolicy::WRAP</a></div><div class="ttdoc">Wrap around. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">arm_compute::Format::UV88</a></div><div class="ttdoc">1 channel, 1 F32 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">arm_compute::ThresholdType::RANGE</a></div><div class="ttdoc">Threshold with two values. </div></div> -<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::Rectangle::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00259">Types.h:259</a></div></div> +<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::Rectangle::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00272">Types.h:272</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">arm_compute::BorderMode::CONSTANT</a></div><div class="ttdoc">Pixels outside the image are assumed to have a constant value. </div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ae283722f31a4c59039f9abd44f10dbd0"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">arm_compute::IOFormatInfo::PrintRegion</a></div><div class="ttdeci">PrintRegion</div><div class="ttdoc">Specifies the area to be printed, used by Tensor objects. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00545">Types.h:545</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ae283722f31a4c59039f9abd44f10dbd0"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0">arm_compute::IOFormatInfo::PrintRegion</a></div><div class="ttdeci">PrintRegion</div><div class="ttdoc">Specifies the area to be printed, used by Tensor objects. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00558">Types.h:558</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf">arm_compute::Channel::G</a></div><div class="ttdoc">Green channel. </div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a10a8505b7c7458d1f60cac844d42e023"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int top, unsigned int right, unsigned int bottom, unsigned int left)</div><div class="ttdoc">Border with different sizes. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00137">Types.h:137</a></div></div> -<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::Rectangle::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00258">Types.h:258</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a19da960d23eca69f8e65d52c741147e2"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2">arm_compute::BorderSize::operator*</a></div><div class="ttdeci">BorderSize operator*(float scale)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00164">Types.h:164</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a10a8505b7c7458d1f60cac844d42e023"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a10a8505b7c7458d1f60cac844d42e023">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize(unsigned int top, unsigned int right, unsigned int bottom, unsigned int left)</div><div class="ttdoc">Border with different sizes. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00150">Types.h:150</a></div></div> +<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::Rectangle::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00271">Types.h:271</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a19da960d23eca69f8e65d52c741147e2"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2">arm_compute::BorderSize::operator*</a></div><div class="ttdeci">BorderSize operator*(float scale)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00177">Types.h:177</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">arm_compute::DataType::F64</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00085">Types.h:85</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml">arm_compute::ValidRegion</a></div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00086">Types.h:86</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">arm_compute::ThresholdType::BINARY</a></div><div class="ttdoc">Threshold with one value. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">arm_compute::NonLinearFilterFunction::MAX</a></div><div class="ttdoc">Non linear dilate. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00225">Types.h:225</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8a"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8a">arm_compute::MagnitudeType</a></div><div class="ttdeci">MagnitudeType</div><div class="ttdoc">Magnitude calculation type. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00238">Types.h:238</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">arm_compute::ConvertPolicy::SATURATE</a></div><div class="ttdoc">Saturate. </div></div> -<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::Rectangle::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the rectangle. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00261">Types.h:261</a></div></div> +<div class="ttc" id="structarm__compute_1_1_rectangle_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::Rectangle::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the rectangle. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00274">Types.h:274</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">arm_compute::Format::YUYV422</a></div><div class="ttdoc">A 3 plane of 8 bit 4:4:4 sampled Y, U, V planes. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">arm_compute::MatrixPattern::BOX</a></div><div class="ttdoc">Box pattern matrix. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">arm_compute::NonLinearFilterFunction::MIN</a></div><div class="ttdoc">Non linear erode. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">arm_compute::DataType::U64</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">arm_compute::MatrixPattern::CROSS</a></div><div class="ttdoc">Cross pattern matrix. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">arm_compute::HOGNormType::L1SQRT_NORM</a></div><div class="ttdoc">L1 norm with SQRT. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">arm_compute::RoundingPolicy::TO_ZERO</a></div><div class="ttdoc">Truncates the least significand values that are lost in operations. </div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00401">Types.h:401</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59ca"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">arm_compute::NormType</a></div><div class="ttdeci">NormType</div><div class="ttdoc">The normalization type used for the normalization layer. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00314">Types.h:314</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml">arm_compute::PoolingLayerInfo</a></div><div class="ttdoc">Pooling Layer Information class. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59ca"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59ca">arm_compute::NormType</a></div><div class="ttdeci">NormType</div><div class="ttdoc">The normalization type used for the normalization layer. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00327">Types.h:327</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">arm_compute::DataType::S8</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">arm_compute::NormType::CROSS_MAP</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ac2ed52112076ed0fd2aab3fbfb758837"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837">arm_compute::BorderSize::operator*=</a></div><div class="ttdeci">BorderSize & operator*=(float scale)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00154">Types.h:154</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ac2ed52112076ed0fd2aab3fbfb758837"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837">arm_compute::BorderSize::operator*=</a></div><div class="ttdeci">BorderSize & operator*=(float scale)</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00167">Types.h:167</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">arm_compute::MatrixPattern::OTHER</a></div><div class="ttdoc">Any other matrix pattern. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00181">Types.h:181</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00103">Types.h:103</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a77ef520daabfab023d01732f24101c6e"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e">arm_compute::ValidRegion::ValidRegion</a></div><div class="ttdeci">ValidRegion()</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00087">Types.h:87</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6f"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6f">arm_compute::ConvertPolicy</a></div><div class="ttdeci">ConvertPolicy</div><div class="ttdoc">Policy to handle overflow. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00194">Types.h:194</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a77ef520daabfab023d01732f24101c6e"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e">arm_compute::ValidRegion::ValidRegion</a></div><div class="ttdeci">ValidRegion()</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00088">Types.h:88</a></div></div> <div class="ttc" id="_tensor_shape_8h_xhtml"><div class="ttname"><a href="_tensor_shape_8h.xhtml">TensorShape.h</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a38c5b617ead74af00cc7957553bd0d66"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">arm_compute::IOFormatInfo::element_delim</a></div><div class="ttdeci">std::string element_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00570">Types.h:570</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a38c5b617ead74af00cc7957553bd0d66"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">arm_compute::IOFormatInfo::element_delim</a></div><div class="ttdeci">std::string element_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00583">Types.h:583</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">arm_compute::NonLinearFilterFunction::MEDIAN</a></div><div class="ttdoc">Non linear median filter. </div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -286,7 +288,7 @@ $(document).ready(function(){initNavTree('_types_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_types_8h.xhtml">Types.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_utils_8cpp.xhtml b/documentation/_utils_8cpp.xhtml index 7653ec96f..48ca7a7c7 100644 --- a/documentation/_utils_8cpp.xhtml +++ b/documentation/_utils_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('_utils_8cpp.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li><li class="navelem"><a class="el" href="_utils_8cpp.xhtml">Utils.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_utils_8cpp_source.xhtml b/documentation/_utils_8cpp_source.xhtml index b0f96e05c..fd31b1911 100644 --- a/documentation/_utils_8cpp_source.xhtml +++ b/documentation/_utils_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,24 +116,27 @@ $(document).ready(function(){initNavTree('_utils_8cpp_source.xhtml','');}); <div class="title">Utils.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="_utils_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">Utils.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include <cctype></span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include <cerrno></span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include <iomanip></span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">namespace</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> {</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="comment">/* Advance the iterator to the first character which is not a comment</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="comment"> *</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="comment"> * @param[in,out] fs Stream to drop comments from</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="comment"> */</span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="keywordtype">void</span> discard_comments(std::ifstream &fs)</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="keywordflow">while</span>(fs.peek() == <span class="charliteral">'#'</span>)</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  fs.ignore(std::numeric_limits<std::streamsize>::max(), <span class="charliteral">'\n'</span>);</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  }</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> }</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="comment">/* Advance the string iterator to the next character which is neither a space or a comment</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="comment"> *</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="comment"> * @param[in,out] fs Stream to drop comments from</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="comment"> */</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="keywordtype">void</span> discard_comments_and_spaces(std::ifstream &fs)</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> {</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <span class="keywordflow">while</span>(<span class="keyword">true</span>)</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  discard_comments(fs);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordflow">if</span>(isspace(fs.peek()) == 0)</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  {</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  }</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  fs.ignore(1);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> }</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> } <span class="comment">// namespace</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> </div><div class="line"><a name="l00065"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e"> 65</a></span> <span class="keywordtype">int</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv, <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> &func)</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> {</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  std::cout << <span class="stringliteral">"\n"</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  << argv[0] << <span class="stringliteral">"\n\n"</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  {</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  func(argc, argv);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  std::cout << <span class="stringliteral">"\nTest passed\n"</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  }</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keywordflow">catch</span>(cl::Error &err)</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  {</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  std::cerr << std::endl</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">"("</span> << err.err() << <span class="stringliteral">")"</span> << std::endl;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordflow">catch</span>(std::runtime_error &err)</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  {</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::cerr << std::endl</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">" "</span> << (errno ? strerror(errno) : <span class="stringliteral">""</span>) << std::endl;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  }</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::cout << <span class="stringliteral">"\nTest FAILED\n"</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keywordflow">return</span> -1;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> }</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0"> 99</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">test_helpers::draw_detection_rectangle</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> {</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(tensor, Format::RGB888);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  uint8_t *top = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  uint8_t *bottom = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  uint8_t *left = top;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  uint8_t *right = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">size_t</span> stride = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()[Window::DimY];</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> x = 0; x < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; ++x)</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  {</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  top[0] = r;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  top[1] = g;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  top[2] = b;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  bottom[0] = r;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  bottom[1] = g;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  bottom[2] = b;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  top += 3;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  bottom += 3;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> y = 0; y < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; ++y)</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  {</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  left[0] = r;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  left[1] = g;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  left[2] = b;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  right[0] = r;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  right[1] = g;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  right[2] = b;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> </div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  left += stride;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  right += stride;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  }</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> }</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span> </div><div class="line"><a name="l00136"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf"> 136</a></span> std::tuple<unsigned int, unsigned int, int> <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a>(std::ifstream &fs)</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span> {</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="comment">// Check the PPM magic number is valid</span></div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  std::array<char, 2> magic_number{ { 0 } };</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  fs >> magic_number[0] >> magic_number[1];</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(magic_number[0] != <span class="charliteral">'P'</span> || magic_number[1] != <span class="charliteral">'6'</span>, <span class="stringliteral">"Invalid file type"</span>);</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(magic_number);</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> </div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = 0;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  fs >> width;</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> </div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = 0;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  fs >> height;</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  fs >> max_val;</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span> </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  discard_comments(fs);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(isspace(fs.peek()) == 0, <span class="stringliteral">"Invalid PPM header"</span>);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  fs.ignore(1);</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> </div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> std::make_tuple(width, height, max_val);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> }</div><div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::DetectionWindow::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00337">Types.h:337</a></div></div> +<a href="_utils_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">Utils.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include <cctype></span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include <cerrno></span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include <iomanip></span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="keyword">namespace</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="comment">/* Advance the iterator to the first character which is not a comment</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="comment"> *</span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> <span class="comment"> * @param[in,out] fs Stream to drop comments from</span></div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="comment"> */</span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="keywordtype">void</span> discard_comments(std::ifstream &fs)</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <span class="keywordflow">while</span>(fs.peek() == <span class="charliteral">'#'</span>)</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  {</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  fs.ignore(std::numeric_limits<std::streamsize>::max(), <span class="charliteral">'\n'</span>);</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  }</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> }</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="comment">/* Advance the string iterator to the next character which is neither a space or a comment</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> <span class="comment"> *</span></div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="comment"> * @param[in,out] fs Stream to drop comments from</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="comment"> */</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="keywordtype">void</span> discard_comments_and_spaces(std::ifstream &fs)</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> {</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordflow">while</span>(<span class="keyword">true</span>)</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  discard_comments(fs);</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <span class="keywordflow">if</span>(isspace(fs.peek()) == 0)</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  {</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  }</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  fs.ignore(1);</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  }</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> }</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> } <span class="comment">// namespace</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e"> 67</a></span> <span class="keywordtype">int</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv, <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> &func)</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> {</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  std::cout << <span class="stringliteral">"\n"</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  << argv[0] << <span class="stringliteral">"\n\n"</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  {</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  func(argc, argv);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  std::cout << <span class="stringliteral">"\nTest passed\n"</span>;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  }</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordflow">catch</span>(cl::Error &err)</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  {</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::cerr << std::endl</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">"("</span> << err.err() << <span class="stringliteral">")"</span> << std::endl;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  }</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keywordflow">catch</span>(std::runtime_error &err)</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  {</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::cerr << std::endl</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">" "</span> << (errno ? strerror(errno) : <span class="stringliteral">""</span>) << std::endl;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::cout << <span class="stringliteral">"\nTest FAILED\n"</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">return</span> -1;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> }</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> </div><div class="line"><a name="l00101"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357"> 101</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">test_helpers::draw_detection_rectangle</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(tensor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  uint8_t *top = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  uint8_t *bottom = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  uint8_t *left = top;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  uint8_t *right = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordtype">size_t</span> stride = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()[<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">Window::DimY</a>];</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> x = 0; x < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; ++x)</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  top[0] = r;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  top[1] = g;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  top[2] = b;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  bottom[0] = r;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  bottom[1] = g;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  bottom[2] = b;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  top += 3;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  bottom += 3;</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> y = 0; y < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; ++y)</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  {</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  left[0] = r;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  left[1] = g;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  left[2] = b;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  right[0] = r;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  right[1] = g;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  right[2] = b;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  left += stride;</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  right += stride;</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  }</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span> }</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span> </div><div class="line"><a name="l00138"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf"> 138</a></span> std::tuple<unsigned int, unsigned int, int> <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a>(std::ifstream &fs)</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="comment">// Check the PPM magic number is valid</span></div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  std::array<char, 2> magic_number{ { 0 } };</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  fs >> magic_number[0] >> magic_number[1];</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(magic_number[0] != <span class="charliteral">'P'</span> || magic_number[1] != <span class="charliteral">'6'</span>, <span class="stringliteral">"Invalid file type"</span>);</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(magic_number);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> </div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = 0;</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  fs >> width;</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = 0;</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  fs >> height;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> </div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  fs >> max_val;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  discard_comments(fs);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(isspace(fs.peek()) == 0, <span class="stringliteral">"Invalid PPM header"</span>);</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  fs.ignore(1);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> </div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">return</span> std::make_tuple(width, height, max_val);</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span> }</div><div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::DetectionWindow::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00350">Types.h:350</a></div></div> <div class="ttc" id="_validate_8h_xhtml_a0d34a8aa07600727e4e5034c7cdad47d"><div class="ttname"><a href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(t,...)</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00215">Validate.h:215</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_ad1b5373f466a3945e1f0ef1c9943c357"><div class="ttname"><a href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">test_helpers::draw_detection_rectangle</a></div><div class="ttdeci">void draw_detection_rectangle(arm_compute::ITensor *tensor, const arm_compute::DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="ttdoc">Draw a RGB rectangular window for the detected object. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00101">Utils.cpp:101</a></div></div> <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_aaf5cc084e0feafccc97492d688f4e2e2"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">arm_compute::TensorInfo::offset_element_in_bytes</a></div><div class="ttdeci">size_t offset_element_in_bytes(const Coordinates &pos) const </div><div class="ttdoc">The offset in bytes from the beginning of the memory allocation to access the element at position (x...</div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a8df2a8ec8fcd4258450270f15651b6c9"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">arm_compute::ITensor::info</a></div><div class="ttdeci">virtual TensorInfo * info() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::DetectionWindow::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00339">Types.h:339</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::DetectionWindow::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00352">Types.h:352</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_ab988210662dbd3bf32fd563c7dd1bdbf"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">arm_compute::ITensor::buffer</a></div><div class="ttdeci">virtual uint8_t * buffer() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return a pointer to CPU memory. ...</div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00136">Utils.cpp:136</a></div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::DetectionWindow::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00340">Types.h:340</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00335">Types.h:335</a></div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::DetectionWindow::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00338">Types.h:338</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a27e6364d61a5b27447d27337aa182cad"><div class="ttname"><a href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">test_helpers::example</a></div><div class="ttdeci">void(int argc, const char **argv) example</div><div class="ttdoc">Signature of an example to run. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00052">Utils.h:52</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00138">Utils.cpp:138</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::DetectionWindow::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00353">Types.h:353</a></div></div> +<div class="ttc" id="classarm__compute_1_1_window_xhtml_ad2d402364fa822b0b7775081291eeca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a></div><div class="ttdeci">static constexpr size_t DimY</div><div class="ttdoc">Alias for dimension 1 also known as Y dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00045">Window.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00348">Types.h:348</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::DetectionWindow::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00351">Types.h:351</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a27e6364d61a5b27447d27337aa182cad"><div class="ttname"><a href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">test_helpers::example</a></div><div class="ttdeci">void(int argc, const char **argv) example</div><div class="ttdoc">Signature of an example to run. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00050">Utils.h:50</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6b157a0e1ca25ef4d682d3bedfeae5f6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">arm_compute::TensorInfo::strides_in_bytes</a></div><div class="ttdeci">const Strides & strides_in_bytes() const </div><div class="ttdoc">The strides in bytes for accessing each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00198">TensorInfo.h:198</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a35367e474c33789a32cab099884301e0"><div class="ttname"><a href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">test_helpers::draw_detection_rectangle</a></div><div class="ttdeci">void draw_detection_rectangle(ITensor *tensor, const DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="ttdoc">Draw a RGB rectangular window for the detected object. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00099">Utils.cpp:99</a></div></div> <div class="ttc" id="_error_8h_xhtml_a5bbdcf574d3f5e412fa6a1117911e67b"><div class="ttname"><a href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_MSG(cond,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00091">Error.h:91</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -141,7 +144,7 @@ $(document).ready(function(){initNavTree('_utils_8cpp_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li><li class="navelem"><a class="el" href="_utils_8cpp.xhtml">Utils.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_validate_8h.xhtml b/documentation/_validate_8h.xhtml index bf0c26d4d..1c5e9a1b0 100644 --- a/documentation/_validate_8h.xhtml +++ b/documentation/_validate_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -394,7 +394,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="_validate_8h_source.xhtml#l00215">215</a> of file <a class="el" href="_validate_8h_source.xhtml">Validate.h</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>.</p> </div> </div> @@ -578,7 +578,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_validate_8h.xhtml">Validate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_validate_8h_source.xhtml b/documentation/_validate_8h_source.xhtml index 535089c9c..89c15055c 100644 --- a/documentation/_validate_8h_source.xhtml +++ b/documentation/_validate_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,8 +139,8 @@ $(document).ready(function(){initNavTree('_validate_8h_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a8df2a8ec8fcd4258450270f15651b6c9"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">arm_compute::ITensor::info</a></div><div class="ttdeci">virtual TensorInfo * info() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a21a4884cd1dbfa83351b8efa265f526a"><div class="ttname"><a href="namespacearm__compute.xhtml#a21a4884cd1dbfa83351b8efa265f526a">arm_compute::error_on_unconfigured_kernel</a></div><div class="ttdeci">void error_on_unconfigured_kernel(const char *function, const char *file, const int line, const IKernel *kernel)</div><div class="ttdoc">Throw an error if the kernel is not configured. </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a593d972357b3bcfeecb87207dc925417"><div class="ttname"><a href="namespacearm__compute.xhtml#a593d972357b3bcfeecb87207dc925417">arm_compute::error_on_channel_not_in</a></div><div class="ttdeci">void error_on_channel_not_in(const char *function, const char *file, const int line, T cn, T &&channel, Ts &&...channels)</div><div class="ttdoc">Throw an error if the channel is not in channels. </div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00292">Validate.h:292</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a130822528598f21a48f7ee0e6d8438a0"><div class="ttname"><a href="namespacearm__compute.xhtml#a130822528598f21a48f7ee0e6d8438a0">arm_compute::error_on_coordinates_dimensions_gte</a></div><div class="ttdeci">void error_on_coordinates_dimensions_gte(const char *function, const char *file, const int line, const Coordinates &pos, unsigned int max_dim)</div><div class="ttdoc">Throw an error if the passed coordinates have too many dimensions. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad0d001a84424d440f9a11fc1b80ed2ff"><div class="ttname"><a href="namespacearm__compute.xhtml#ad0d001a84424d440f9a11fc1b80ed2ff">arm_compute::error_on_channel_not_in_known_format</a></div><div class="ttdeci">void error_on_channel_not_in_known_format(const char *function, const char *file, const int line, Format fmt, Channel cn)</div><div class="ttdoc">Throw an error if the channel is not in format. </div></div> @@ -151,7 +151,7 @@ $(document).ready(function(){initNavTree('_validate_8h_source.xhtml','');}); <div class="ttc" id="namespacearm__compute_xhtml_a65c8e0610dff27ecf1ef30214f08d19e"><div class="ttname"><a href="namespacearm__compute.xhtml#a65c8e0610dff27ecf1ef30214f08d19e">arm_compute::error_on_tensor_not_2d</a></div><div class="ttdeci">void error_on_tensor_not_2d(const char *function, const char *file, const int line, const ITensor *tensor)</div><div class="ttdoc">Throw an error if the tensor is not 2D. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a0b360558b516e256f0af005a164c674e"><div class="ttname"><a href="namespacearm__compute.xhtml#a0b360558b516e256f0af005a164c674e">arm_compute::error_on_format_not_in</a></div><div class="ttdeci">void error_on_format_not_in(const char *function, const char *file, const int line, const T *object, F &&format, Fs &&...formats)</div><div class="ttdoc">Throw an error if the format of the passed tensor/multi-image does not match any of the formats provi...</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00196">Validate.h:196</a></div></div> <div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a1b67d5b720119d50faa286c774579ecc"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">arm_compute::Dimensions< int >::num_max_dimensions</a></div><div class="ttdeci">static constexpr size_t num_max_dimensions</div><div class="ttdoc">Number of dimensions the tensor has. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00045">Dimensions.h:45</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a9c92c867fc64454545668d87b20979eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">arm_compute::string_from_format</a></div><div class="ttdeci">const std::string & string_from_format(Format format)</div><div class="ttdoc">Convert a tensor format into a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad35d92af32949e38ec38b3d8e46b566c"><div class="ttname"><a href="namespacearm__compute.xhtml#ad35d92af32949e38ec38b3d8e46b566c">arm_compute::error_on_mismatching_data_types</a></div><div class="ttdeci">void error_on_mismatching_data_types(const char *function, const char *file, const int line, const ITensor *tensor_1, const ITensor *tensor_2, Ts...tensors)</div><div class="ttdoc">Throw an error if the passed two tensors have different data types. </div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00162">Validate.h:162</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a26a9847c05c48bd1470f22f898ee254d"><div class="ttname"><a href="namespacearm__compute.xhtml#a26a9847c05c48bd1470f22f898ee254d">arm_compute::error_on_mismatching_windows</a></div><div class="ttdeci">void error_on_mismatching_windows(const char *function, const char *file, const int line, const Window &full, const Window &win)</div><div class="ttdoc">Throw an error if the passed window is invalid. </div></div> @@ -161,7 +161,7 @@ $(document).ready(function(){initNavTree('_validate_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_validate_8h.xhtml">Validate.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_window_8h.xhtml b/documentation/_window_8h.xhtml index 252d37242..c9cf256e2 100644 --- a/documentation/_window_8h.xhtml +++ b/documentation/_window_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_window_8h.xhtml">Window.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_window_8h_source.xhtml b/documentation/_window_8h_source.xhtml index 72176a890..d0063c2b4 100644 --- a/documentation/_window_8h_source.xhtml +++ b/documentation/_window_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -162,7 +162,7 @@ $(document).ready(function(){initNavTree('_window_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_window_8h.xhtml">Window.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_window_8inl.xhtml b/documentation/_window_8inl.xhtml index 3eee0559f..637c3e4bb 100644 --- a/documentation/_window_8inl.xhtml +++ b/documentation/_window_8inl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_window_8inl.xhtml">Window.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/_window_8inl_source.xhtml b/documentation/_window_8inl_source.xhtml index 1d0ccb41b..38889b183 100644 --- a/documentation/_window_8inl_source.xhtml +++ b/documentation/_window_8inl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('_window_8inl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="_window_8inl.xhtml">Window.inl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/absdiff_8cl.xhtml b/documentation/absdiff_8cl.xhtml index 2c0ca1b01..88bd6dcc0 100644 --- a/documentation/absdiff_8cl.xhtml +++ b/documentation/absdiff_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -294,7 +294,7 @@ e.g. -DDATA_TYPE_IN1=uchar -DDATA_TYPE_IN2=uchar -DDATA_TYPE_OUT=short</dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="absdiff_8cl.xhtml">absdiff.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/absdiff_8cl_source.xhtml b/documentation/absdiff_8cl_source.xhtml index dd7eb8321..2b3a4ecca 100644 --- a/documentation/absdiff_8cl_source.xhtml +++ b/documentation/absdiff_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('absdiff_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="absdiff_8cl.xhtml">absdiff.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/accumulate_8cl.xhtml b/documentation/accumulate_8cl.xhtml index 7bc47f034..f614af87e 100644 --- a/documentation/accumulate_8cl.xhtml +++ b/documentation/accumulate_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -493,7 +493,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="accumulate_8cl.xhtml">accumulate.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/accumulate_8cl_source.xhtml b/documentation/accumulate_8cl_source.xhtml index a8f243fab..a718e6fb2 100644 --- a/documentation/accumulate_8cl_source.xhtml +++ b/documentation/accumulate_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('accumulate_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="accumulate_8cl.xhtml">accumulate.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/activation__layer_8cl.xhtml b/documentation/activation__layer_8cl.xhtml index c24141049..ff7ff34f2 100644 --- a/documentation/activation__layer_8cl.xhtml +++ b/documentation/activation__layer_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -257,7 +257,7 @@ A, B variables required by some activation functions are set using -DA= and -DB= <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="activation__layer_8cl.xhtml">activation_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/activation__layer_8cl_source.xhtml b/documentation/activation__layer_8cl_source.xhtml index 80e5da1bb..b51896cdf 100644 --- a/documentation/activation__layer_8cl_source.xhtml +++ b/documentation/activation__layer_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('activation__layer_8cl_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="activation__layer_8cl.xhtml">activation_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/annotated.xhtml b/documentation/annotated.xhtml index 55b228b41..f353b6604 100644 --- a/documentation/annotated.xhtml +++ b/documentation/annotated.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -200,315 +200,313 @@ $(document).ready(function(){initNavTree('annotated.xhtml','');}); <tr id="row_0_76_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml" target="_self">CLGaussianPyramidOrb</a></td><td class="desc">Basic function to execute gaussian pyramid with ORB scale factor </td></tr> <tr id="row_0_77_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml" target="_self">CLGaussianPyramidVertKernel</a></td><td class="desc">OpenCL kernel to perform a Gaussian filter and half scaling across height (vertical pass) </td></tr> <tr id="row_0_78_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml" target="_self">CLGEMM</a></td><td class="desc">Basic function to execute GEMM on OpenCL </td></tr> -<tr id="row_0_79_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" target="_self">CLGEMMInterleave4x4Kernel</a></td><td class="desc">OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4 </td></tr> -<tr id="row_0_80_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml" target="_self">CLGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on OpenCL </td></tr> -<tr id="row_0_81_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_self">CLGEMMLowpMatrixMultiplyKernel</a></td><td class="desc">OpenCL kernel to compute low precision matrix multiplication kernel </td></tr> -<tr id="row_0_82_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_self">CLGEMMMatrixAccumulateBiasesKernel</a></td><td class="desc">Interface to add a bias to each row of the input tensor </td></tr> -<tr id="row_0_83_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml" target="_self">CLGEMMMatrixAdditionKernel</a></td><td class="desc">OpenCL kernel to perform the in-place matrix addition between 2 matrices, taking into account that the second matrix might be weighted by a scalar value beta </td></tr> -<tr id="row_0_84_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml" target="_self">CLGEMMMatrixMultiplyKernel</a></td><td class="desc">OpenCL kernel to multiply two input matrices "A" and "B" or to multiply a vector "A" by a matrix "B" </td></tr> -<tr id="row_0_85_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml" target="_self">CLGEMMTranspose1xWKernel</a></td><td class="desc">OpenCL kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 or in chunks of 1x8 if the input data type is F16 </td></tr> -<tr id="row_0_86_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml" target="_self">CLGradientKernel</a></td><td class="desc">OpenCL kernel to perform Gradient computation </td></tr> -<tr id="row_0_87_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml" target="_self">CLHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> -<tr id="row_0_88_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml" target="_self">CLHarrisScoreKernel</a></td><td class="desc">Interface for the harris score kernel </td></tr> -<tr id="row_0_89_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml" target="_self">CLHistogram</a></td><td class="desc">Basic function to execute histogram </td></tr> -<tr id="row_0_90_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml" target="_self">CLHistogramBorderKernel</a></td><td class="desc">Interface to run the histogram kernel to handle the leftover part of image </td></tr> -<tr id="row_0_91_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram_kernel.xhtml" target="_self">CLHistogramKernel</a></td><td class="desc">Interface to run the histogram kernel </td></tr> -<tr id="row_0_92_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml" target="_self">CLIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> -<tr id="row_0_93_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml" target="_self">CLIntegralImage</a></td><td class="desc">Basic function to execute integral image </td></tr> -<tr id="row_0_94_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml" target="_self">CLIntegralImageHorKernel</a></td><td class="desc">Interface to run the horizontal pass of the integral image kernel </td></tr> -<tr id="row_0_95_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml" target="_self">CLIntegralImageVertKernel</a></td><td class="desc">Interface to run the vertical pass of the integral image kernel </td></tr> -<tr id="row_0_96_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml" target="_self">CLKernelLibrary</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml" title="CLKernelLibrary class. ">CLKernelLibrary</a> class </td></tr> -<tr id="row_0_97_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml" target="_self">CLLaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> -<tr id="row_0_98_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml" target="_self">CLLaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> -<tr id="row_0_99_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml" target="_self">CLLKInternalKeypoint</a></td><td class="desc">Internal keypoint structure for Lucas-Kanade Optical Flow </td></tr> -<tr id="row_0_100_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml" target="_self">CLLKTrackerFinalizeKernel</a></td><td class="desc">Interface to run the finalize step of LKTracker, where it truncates the coordinates stored in new_points array </td></tr> -<tr id="row_0_101_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml" target="_self">CLLKTrackerInitKernel</a></td><td class="desc">Interface to run the initialization step of LKTracker </td></tr> -<tr id="row_0_102_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml" target="_self">CLLKTrackerStage0Kernel</a></td><td class="desc">Interface to run the first stage of LKTracker, where A11, A12, A22, min_eig, ival, ixval and iyval are computed </td></tr> -<tr id="row_0_103_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml" target="_self">CLLKTrackerStage1Kernel</a></td><td class="desc">Interface to run the second stage of LKTracker, where the motion vectors of the given points are computed </td></tr> -<tr id="row_0_104_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml" target="_self">CLLogits1DMaxKernel</a></td><td class="desc">Interface for the identifying the max value of 1D Logits </td></tr> -<tr id="row_0_105_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml" target="_self">CLLogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> -<tr id="row_0_106_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">CLLogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> -<tr id="row_0_107_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml" target="_self">CLLut</a></td><td class="desc">Basic implementation of the OpenCL lut interface </td></tr> -<tr id="row_0_108_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_lut_allocator.xhtml" target="_self">CLLutAllocator</a></td><td class="desc">Basic implementation of a CL memory LUT allocator </td></tr> -<tr id="row_0_109_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_self">CLMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> -<tr id="row_0_110_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml" target="_self">CLMagnitudePhaseKernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> -<tr id="row_0_111_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml" target="_self">CLMeanStdDev</a></td><td class="desc">Basic function to execute mean and standard deviation by calling <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml">CLMeanStdDevKernel</a> </td></tr> -<tr id="row_0_112_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml" target="_self">CLMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> -<tr id="row_0_113_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_self">CLMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> -<tr id="row_0_114_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml" target="_self">CLMedian3x3Kernel</a></td><td class="desc">Interface for the median 3x3 filter kernel </td></tr> -<tr id="row_0_115_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml" target="_self">CLMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> -<tr id="row_0_116_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml" target="_self">CLMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> -<tr id="row_0_117_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml" target="_self">CLMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> -<tr id="row_0_118_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml" target="_self">CLMultiImage</a></td><td class="desc">Basic implementation of the CL multi-planar image interface </td></tr> -<tr id="row_0_119_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_self">CLNonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> -<tr id="row_0_120_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml" target="_self">CLNonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> -<tr id="row_0_121_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_self">CLNonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> -<tr id="row_0_122_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml" target="_self">CLNonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using OpenCL </td></tr> -<tr id="row_0_123_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml" target="_self">CLNormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> -<tr id="row_0_124_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml" target="_self">CLNormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> -<tr id="row_0_125_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml" target="_self">CLOldValue</a></td><td class="desc">Structure for storing ival, ixval and iyval for each point inside the window </td></tr> -<tr id="row_0_126_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml" target="_self">CLOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> -<tr id="row_0_127_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml" target="_self">CLPhase</a></td><td class="desc">Basic function to execute an <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> -<tr id="row_0_128_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_self">CLPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> </td></tr> -<tr id="row_0_129_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml" target="_self">CLPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the pixelwise multiplication kernel </td></tr> -<tr id="row_0_130_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_self">CLPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> -<tr id="row_0_131_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml" target="_self">CLPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> -<tr id="row_0_132_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml" target="_self">CLPyramid</a></td><td class="desc">Basic implementation of the OpenCL pyramid interface </td></tr> -<tr id="row_0_133_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml" target="_self">CLRemap</a></td><td class="desc">Basic function to execute remap </td></tr> -<tr id="row_0_134_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml" target="_self">CLRemapKernel</a></td><td class="desc">OpenCL kernel to perform a remap on a tensor </td></tr> -<tr id="row_0_135_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml" target="_self">CLScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> </td></tr> -<tr id="row_0_136_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml" target="_self">CLScaleKernel</a></td><td class="desc">Interface for the warp affine kernel </td></tr> -<tr id="row_0_137_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_self">CLScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> -<tr id="row_0_138_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml" target="_self">CLScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> -<tr id="row_0_139_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml" target="_self">CLScheduler</a></td><td class="desc">Provides global access to a CL context and command queue </td></tr> -<tr id="row_0_140_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml" target="_self">CLSeparableConvolutionHorKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Horizontal pass of a Separable Convolution </td></tr> -<tr id="row_0_141_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml" target="_self">CLSeparableConvolutionVertKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Vertical pass of a Separable Convolution </td></tr> -<tr id="row_0_142_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_self">CLSobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> -<tr id="row_0_143_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml" target="_self">CLSobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel filter on a tensor </td></tr> -<tr id="row_0_144_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml" target="_self">CLSobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> -<tr id="row_0_145_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml" target="_self">CLSobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> -<tr id="row_0_146_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml" target="_self">CLSobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel filter on a tensor </td></tr> -<tr id="row_0_147_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml" target="_self">CLSobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> -<tr id="row_0_148_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml" target="_self">CLSobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> -<tr id="row_0_149_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml" target="_self">CLSobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel filter on a tensor </td></tr> -<tr id="row_0_150_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml" target="_self">CLSoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> -<tr id="row_0_151_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_self">CLTableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> </td></tr> -<tr id="row_0_152_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml" target="_self">CLTableLookupKernel</a></td><td class="desc">Interface for the kernel to perform table lookup calculations </td></tr> -<tr id="row_0_153_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml" target="_self">CLTensor</a></td><td class="desc">Basic implementation of the OpenCL tensor interface </td></tr> -<tr id="row_0_154_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml" target="_self">CLTensorAllocator</a></td><td class="desc">Basic implementation of a CL memory tensor allocator </td></tr> -<tr id="row_0_155_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml" target="_self">CLThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> </td></tr> -<tr id="row_0_156_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml" target="_self">CLThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> -<tr id="row_0_157_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml" target="_self">CLTranspose</a></td><td class="desc">Basic function to transpose a matrix on OpenCL </td></tr> -<tr id="row_0_158_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose_kernel.xhtml" target="_self">CLTransposeKernel</a></td><td class="desc">OpenCL kernel which transposes the elements of a matrix </td></tr> -<tr id="row_0_159_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_self">CLWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> for AFFINE transformation </td></tr> -<tr id="row_0_160_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml" target="_self">CLWarpAffineKernel</a></td><td class="desc">Interface for the warp affine kernel </td></tr> -<tr id="row_0_161_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_self">CLWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> for PERSPECTIVE transformation </td></tr> -<tr id="row_0_162_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml" target="_self">CLWarpPerspectiveKernel</a></td><td class="desc">Interface for the warp perspective kernel </td></tr> -<tr id="row_0_163_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_coordinates.xhtml" target="_self">Coordinates</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_coordinates.xhtml" title="Coordinates of an item. ">Coordinates</a> of an item </td></tr> -<tr id="row_0_164_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_coordinates2_d.xhtml" target="_self">Coordinates2D</a></td><td class="desc">Coordinate type </td></tr> -<tr id="row_0_165_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_coordinates3_d.xhtml" target="_self">Coordinates3D</a></td><td class="desc">Coordinate type </td></tr> -<tr id="row_0_166_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml" target="_self">CPPCornerCandidatesKernel</a></td><td class="desc">CPP kernel to perform corner candidates </td></tr> -<tr id="row_0_167_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml" target="_self">CPPScheduler</a></td><td class="desc">Pool of threads to automatically split a kernel's execution among several threads </td></tr> -<tr id="row_0_168_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml" target="_self">CPPSortEuclideanDistanceKernel</a></td><td class="desc">CPP kernel to perform sorting and euclidean distance </td></tr> -<tr id="row_0_169_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_detection_window.xhtml" target="_self">DetectionWindow</a></td><td class="desc">Detection window used for the object detection </td></tr> -<tr id="row_0_170_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_dimensions.xhtml" target="_self">Dimensions</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_dimensions.xhtml" title="Dimensions with dimensionality. ">Dimensions</a> with dimensionality </td></tr> -<tr id="row_0_171_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_distribution1_d.xhtml" target="_self">Distribution1D</a></td><td class="desc">Basic implementation of the 1D distribution interface </td></tr> -<tr id="row_0_172_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_h_o_g.xhtml" target="_self">HOG</a></td><td class="desc">CPU implementation of <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> -<tr id="row_0_173_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml" target="_self">HOGInfo</a></td><td class="desc">Store the <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a>'s metadata </td></tr> -<tr id="row_0_174_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_access_window.xhtml" target="_self">IAccessWindow</a></td><td class="desc">Interface describing methods to update access window and padding based on kernel parameters </td></tr> -<tr id="row_0_175_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_array.xhtml" target="_self">IArray</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_array.xhtml" title="Basic implementation of the IArray interface which allocates a static number of T values...">Array</a> of type T </td></tr> -<tr id="row_0_176_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml" target="_self">ICLArray</a></td><td class="desc">Interface for OpenCL <a class="el" href="classarm__compute_1_1_array.xhtml" title="Basic implementation of the IArray interface which allocates a static number of T values...">Array</a> </td></tr> -<tr id="row_0_177_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml" target="_self">ICLDistribution1D</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml" title="ICLDistribution1D interface class. ">ICLDistribution1D</a> interface class </td></tr> -<tr id="row_0_178_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml" target="_self">ICLKernel</a></td><td class="desc">Common interface for all the OpenCL kernels </td></tr> -<tr id="row_0_179_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml" target="_self">ICLLut</a></td><td class="desc">Interface for OpenCL LUT </td></tr> -<tr id="row_0_180_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_multi_image.xhtml" target="_self">ICLMultiImage</a></td><td class="desc">Interface for OpenCL multi-planar images </td></tr> -<tr id="row_0_181_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml" target="_self">ICLSimple2DKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> -<tr id="row_0_182_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml" target="_self">ICLSimple3DKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> -<tr id="row_0_183_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml" target="_self">ICLSimpleFunction</a></td><td class="desc">Basic interface for functions which have a single OpenCL kernel </td></tr> -<tr id="row_0_184_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml" target="_self">ICLSimpleKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> -<tr id="row_0_185_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml" target="_self">ICLTensor</a></td><td class="desc">Interface for OpenCL tensor </td></tr> -<tr id="row_0_186_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml" target="_self">ICPPKernel</a></td><td class="desc">Common interface for all kernels implemented in C++ </td></tr> -<tr id="row_0_187_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml" target="_self">ICPPSimpleKernel</a></td><td class="desc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output </td></tr> -<tr id="row_0_188_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_distribution.xhtml" target="_self">IDistribution</a></td><td class="desc">Interface for distribution objects </td></tr> -<tr id="row_0_189_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml" target="_self">IDistribution1D</a></td><td class="desc">1D Distribution interface </td></tr> -<tr id="row_0_190_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_function.xhtml" target="_self">IFunction</a></td><td class="desc">Base class for all functions </td></tr> -<tr id="row_0_191_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml" target="_self">IHOG</a></td><td class="desc">Interface for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> -<tr id="row_0_192_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_kernel.xhtml" target="_self">IKernel</a></td><td class="desc">Common information for all the kernels </td></tr> -<tr id="row_0_193_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_lut.xhtml" target="_self">ILut</a></td><td class="desc">Lookup Table object interface </td></tr> -<tr id="row_0_194_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml" target="_self">ILutAllocator</a></td><td class="desc">Basic interface to allocate LUTs' </td></tr> -<tr id="row_0_195_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_multi_h_o_g.xhtml" target="_self">IMultiHOG</a></td><td class="desc">Interface for storing multiple <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-objects </td></tr> -<tr id="row_0_196_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_multi_image.xhtml" target="_self">IMultiImage</a></td><td class="desc">Interface for multi-planar images </td></tr> -<tr id="row_0_197_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" target="_self">INEHarrisScoreKernel</a></td><td class="desc">Common interface for all Harris Score kernels </td></tr> -<tr id="row_0_198_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml" target="_self">INESimpleFunction</a></td><td class="desc">Basic interface for functions which have a single NEON kernel </td></tr> -<tr id="row_0_199_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml" target="_self">INEWarpKernel</a></td><td class="desc">Common interface for warp affine and warp perspective </td></tr> -<tr id="row_0_200_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml" target="_self">IOFormatInfo</a></td><td class="desc">IO formatting information class </td></tr> -<tr id="row_0_201_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_pyramid.xhtml" target="_self">IPyramid</a></td><td class="desc">Interface for pyramid data-object </td></tr> -<tr id="row_0_202_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_tensor.xhtml" target="_self">ITensor</a></td><td class="desc">Interface for NEON tensor </td></tr> -<tr id="row_0_203_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml" target="_self">ITensorAllocator</a></td><td class="desc">Interface to allocate tensors </td></tr> -<tr id="row_0_204_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_iterator.xhtml" target="_self">Iterator</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_iterator.xhtml" title="Iterator updated by execute_window_loop for each window element. ">Iterator</a> updated by <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a> for each window element </td></tr> -<tr id="row_0_205_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_kernel.xhtml" target="_self">Kernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> class </td></tr> -<tr id="row_0_206_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_key_point.xhtml" target="_self">KeyPoint</a></td><td class="desc"><a class="el" href="struct_keypoint.xhtml">Keypoint</a> type </td></tr> -<tr id="row_0_207_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_lut.xhtml" target="_self">Lut</a></td><td class="desc">Basic implementation of the LUT interface </td></tr> -<tr id="row_0_208_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_lut_allocator.xhtml" target="_self">LutAllocator</a></td><td class="desc">Basic implementation of a CPU memory LUT allocator </td></tr> -<tr id="row_0_209_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_h_o_g.xhtml" target="_self">MultiHOG</a></td><td class="desc">CPU implementation of multi <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> -<tr id="row_0_210_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_image.xhtml" target="_self">MultiImage</a></td><td class="desc">Basic implementation of the multi-planar image interface </td></tr> -<tr id="row_0_211_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml" target="_self">MultiImageInfo</a></td><td class="desc">Store the multi-planar image's metadata </td></tr> -<tr id="row_0_212_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml" target="_self">NEAbsoluteDifference</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a> </td></tr> -<tr id="row_0_213_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" target="_self">NEAbsoluteDifferenceKernel</a></td><td class="desc">Interface for the absolute difference kernel </td></tr> -<tr id="row_0_214_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml" target="_self">NEAccumulate</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a> </td></tr> -<tr id="row_0_215_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml" target="_self">NEAccumulateKernel</a></td><td class="desc">Interface for the accumulate kernel </td></tr> -<tr id="row_0_216_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared.xhtml" target="_self">NEAccumulateSquared</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml">NEAccumulateSquaredKernel</a> </td></tr> -<tr id="row_0_217_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml" target="_self">NEAccumulateSquaredKernel</a></td><td class="desc">Interface for the accumulate squared kernel </td></tr> -<tr id="row_0_218_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml" target="_self">NEAccumulateWeighted</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml">NEAccumulateWeightedKernel</a> </td></tr> -<tr id="row_0_219_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml" target="_self">NEAccumulateWeightedFP16Kernel</a></td><td class="desc">Interface for the accumulate weighted kernel using F16 </td></tr> -<tr id="row_0_220_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml" target="_self">NEAccumulateWeightedKernel</a></td><td class="desc">Interface for the accumulate weighted kernel </td></tr> -<tr id="row_0_221_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_activation_layer.xhtml" target="_self">NEActivationLayer</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">NEActivationLayerKernel</a> </td></tr> -<tr id="row_0_222_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml" target="_self">NEActivationLayerKernel</a></td><td class="desc">Interface for the activation layer kernel </td></tr> -<tr id="row_0_223_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml" target="_self">NEArithmeticAddition</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml">NEArithmeticAdditionKernel</a> </td></tr> -<tr id="row_0_224_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" target="_self">NEArithmeticAdditionKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> -<tr id="row_0_225_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" target="_self">NEArithmeticSubtraction</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml">NEArithmeticSubtractionKernel</a> </td></tr> -<tr id="row_0_226_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" target="_self">NEArithmeticSubtractionKernel</a></td><td class="desc">Interface for the kernel to perform subtraction between two tensors </td></tr> -<tr id="row_0_227_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_and.xhtml" target="_self">NEBitwiseAnd</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml">NEBitwiseAndKernel</a> </td></tr> -<tr id="row_0_228_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" target="_self">NEBitwiseAndKernel</a></td><td class="desc">Interface for the kernel to perform bitwise AND between XY-planes of two tensors </td></tr> -<tr id="row_0_229_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_not.xhtml" target="_self">NEBitwiseNot</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml">NEBitwiseNotKernel</a> </td></tr> -<tr id="row_0_230_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" target="_self">NEBitwiseNotKernel</a></td><td class="desc">Interface for the kernel to perform bitwise NOT operation </td></tr> -<tr id="row_0_231_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_or.xhtml" target="_self">NEBitwiseOr</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml">NEBitwiseOrKernel</a> </td></tr> -<tr id="row_0_232_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" target="_self">NEBitwiseOrKernel</a></td><td class="desc">Interface for the kernel to perform bitwise inclusive OR between two tensors </td></tr> -<tr id="row_0_233_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor.xhtml" target="_self">NEBitwiseXor</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml">NEBitwiseXorKernel</a> </td></tr> -<tr id="row_0_234_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" target="_self">NEBitwiseXorKernel</a></td><td class="desc">Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors </td></tr> -<tr id="row_0_235_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml" target="_self">NEBox3x3</a></td><td class="desc">Basic function to execute box filter 3x3 </td></tr> -<tr id="row_0_236_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml" target="_self">NEBox3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform a Box 3x3 filter using F16 simd </td></tr> -<tr id="row_0_237_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml" target="_self">NEBox3x3Kernel</a></td><td class="desc">NEON kernel to perform a Box 3x3 filter </td></tr> -<tr id="row_0_238_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml" target="_self">NECannyEdge</a></td><td class="desc">Basic function to execute canny edge on NEON </td></tr> -<tr id="row_0_239_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml" target="_self">NEChannelCombine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml">NEChannelCombineKernel</a> to perform channel combination </td></tr> -<tr id="row_0_240_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" target="_self">NEChannelCombineKernel</a></td><td class="desc">Interface for the channel combine kernel </td></tr> -<tr id="row_0_241_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml" target="_self">NEChannelExtract</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">NEChannelExtractKernel</a> to perform channel extraction </td></tr> -<tr id="row_0_242_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml" target="_self">NEChannelExtractKernel</a></td><td class="desc">Interface for the channel extract kernel </td></tr> -<tr id="row_0_243_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml" target="_self">NECol2ImKernel</a></td><td class="desc">NEON kernel to perform col2im reshaping </td></tr> -<tr id="row_0_244_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml" target="_self">NEColorConvert</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> to perform color conversion </td></tr> -<tr id="row_0_245_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml" target="_self">NEColorConvertKernel</a></td><td class="desc">Interface for the color convert kernel </td></tr> -<tr id="row_0_246_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml" target="_self">NEConvolution3x3</a></td><td class="desc">Basic function to execute convolution of size 3x3 </td></tr> -<tr id="row_0_247_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml" target="_self">NEConvolution5x5</a></td><td class="desc">Basic function to execute convolution of size 5x5 </td></tr> -<tr id="row_0_248_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml" target="_self">NEConvolution7x7</a></td><td class="desc">Basic function to execute convolution of size 7x7 </td></tr> -<tr id="row_0_249_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml" target="_self">NEConvolution9x9</a></td><td class="desc">Basic function to execute convolution of size 9x9 </td></tr> -<tr id="row_0_250_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_self">NEConvolutionKernel</a></td><td class="desc">Interface for the kernel to run an arbitrary size convolution on a tensor </td></tr> -<tr id="row_0_251_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_self">NEConvolutionLayer</a></td><td class="desc">Basic function to simulate a convolution layer </td></tr> -<tr id="row_0_252_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" target="_self">NEConvolutionLayerWeightsReshapeKernel</a></td><td class="desc">NEON kernel to perform reshaping on the weights used by convolution layer </td></tr> -<tr id="row_0_253_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml" target="_self">NEConvolutionRectangle</a></td><td class="desc">Basic function to execute non-square convolution </td></tr> -<tr id="row_0_254_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" target="_self">NEConvolutionRectangleKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the running convolution on a rectangle matrix </td></tr> -<tr id="row_0_255_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" target="_self">NECumulativeDistributionKernel</a></td><td class="desc">Interface for the cumulative distribution (cummulative summmation) calculation kernel </td></tr> -<tr id="row_0_256_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml" target="_self">NEDepthConvert</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml">NEDepthConvertKernel</a> </td></tr> -<tr id="row_0_257_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml" target="_self">NEDepthConvertKernel</a></td><td class="desc">Depth conversion kernel </td></tr> -<tr id="row_0_258_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml" target="_self">NEDerivative</a></td><td class="desc">Basic function to execute first order derivative operator </td></tr> -<tr id="row_0_259_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml" target="_self">NEDerivativeKernel</a></td><td class="desc">Interface for the kernel to run the derivative along the X/Y directions on a tensor </td></tr> -<tr id="row_0_260_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_dilate.xhtml" target="_self">NEDilate</a></td><td class="desc">Basic function to execute dilate </td></tr> -<tr id="row_0_261_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml" target="_self">NEDilateKernel</a></td><td class="desc">Interface for the kernel to perform boolean image dilatation </td></tr> -<tr id="row_0_262_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" target="_self">NEEdgeNonMaxSuppressionKernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression for Canny Edge </td></tr> -<tr id="row_0_263_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" target="_self">NEEdgeTraceKernel</a></td><td class="desc">NEON kernel to perform Edge tracing </td></tr> -<tr id="row_0_264_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_self">NEEqualizeHistogram</a></td><td class="desc">Basic function to execute histogram equalization </td></tr> -<tr id="row_0_265_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_erode.xhtml" target="_self">NEErode</a></td><td class="desc">Basic function to execute erode </td></tr> -<tr id="row_0_266_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml" target="_self">NEErodeKernel</a></td><td class="desc">Interface for the kernel to perform boolean image erosion </td></tr> -<tr id="row_0_267_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_self">NEFastCorners</a></td><td class="desc">Basic function to execute fast corners </td></tr> -<tr id="row_0_268_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" target="_self">NEFastCornersKernel</a></td><td class="desc">NEON kernel to perform fast corners </td></tr> -<tr id="row_0_269_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml" target="_self">NEFillArrayKernel</a></td><td class="desc">This kernel adds all texels greater than or equal to the threshold value to the keypoint array </td></tr> -<tr id="row_0_270_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_self">NEFillBorder</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> </td></tr> -<tr id="row_0_271_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml" target="_self">NEFillBorderKernel</a></td><td class="desc">Interface for the kernel to fill borders </td></tr> -<tr id="row_0_272_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" target="_self">NEFillInnerBorderKernel</a></td><td class="desc">Interface for the kernel to fill the interior borders </td></tr> -<tr id="row_0_273_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_self">NEFullyConnectedLayer</a></td><td class="desc">Basic function to compute a Fully Connected layer on NEON </td></tr> -<tr id="row_0_274_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml" target="_self">NEGaussian3x3</a></td><td class="desc">Basic function to execute gaussian filter 3x3 </td></tr> -<tr id="row_0_275_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml" target="_self">NEGaussian3x3Kernel</a></td><td class="desc">NEON kernel to perform a Gaussian 3x3 filter </td></tr> -<tr id="row_0_276_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_self">NEGaussian5x5</a></td><td class="desc">Basic function to execute gaussian filter 5x5 </td></tr> -<tr id="row_0_277_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml" target="_self">NEGaussian5x5HorKernel</a></td><td class="desc">NEON kernel to perform a Gaussian 5x5 filter (horizontal pass) </td></tr> -<tr id="row_0_278_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml" target="_self">NEGaussian5x5VertKernel</a></td><td class="desc">NEON kernel to perform a Gaussian 5x5 filter (vertical pass) </td></tr> -<tr id="row_0_279_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_self">NEGaussianPyramid</a></td><td class="desc">Common interface for all Gaussian pyramid functions </td></tr> -<tr id="row_0_280_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_self">NEGaussianPyramidHalf</a></td><td class="desc">Basic function to execute gaussian pyramid with HALF scale factor </td></tr> -<tr id="row_0_281_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml" target="_self">NEGaussianPyramidHorKernel</a></td><td class="desc">NEON kernel to perform a GaussianPyramid (horizontal pass) </td></tr> -<tr id="row_0_282_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_self">NEGaussianPyramidOrb</a></td><td class="desc">Basic function to execute gaussian pyramid with ORB scale factor </td></tr> -<tr id="row_0_283_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml" target="_self">NEGaussianPyramidVertKernel</a></td><td class="desc">NEON kernel to perform a GaussianPyramid (vertical pass) </td></tr> -<tr id="row_0_284_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_self">NEGEMM</a></td><td class="desc">Basic function to execute GEMM on NEON </td></tr> -<tr id="row_0_285_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" target="_self">NEGEMMInterleave4x4</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml" title="NEON kernel to interleave the elements of a matrix. ">NEGEMMInterleave4x4Kernel</a> </td></tr> -<tr id="row_0_286_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml" target="_self">NEGEMMInterleave4x4Kernel</a></td><td class="desc">NEON kernel to interleave the elements of a matrix </td></tr> -<tr id="row_0_287_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_self">NEGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on NEON </td></tr> -<tr id="row_0_288_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_self">NEGEMMLowpMatrixMultiplyKernel</a></td><td class="desc">NEON kernel to multiply matrices </td></tr> -<tr id="row_0_289_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_self">NEGEMMMatrixAccumulateBiasesKernel</a></td><td class="desc">NEON kernel to add a bias to each row of the input tensor </td></tr> -<tr id="row_0_290_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml" target="_self">NEGEMMMatrixAdditionKernel</a></td><td class="desc">NEON kernel to perform the in-place matrix addition between 2 matrices taking into account that the second matrix might be weighted by a scalar value beta: </td></tr> -<tr id="row_0_291_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" target="_self">NEGEMMMatrixMultiplyKernel</a></td><td class="desc">NEON kernel to multiply two input matrices "A" and "B" </td></tr> -<tr id="row_0_292_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" target="_self">NEGEMMTranspose1xW</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml" title="NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 ...">NEGEMMTranspose1xWKernel</a> </td></tr> -<tr id="row_0_293_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml" target="_self">NEGEMMTranspose1xWKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 or in chunks of 1x8 if the input data type is F16 </td></tr> -<tr id="row_0_294_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" target="_self">NEGradientFP16Kernel</a></td><td class="desc">NEON kernel to perform Gradient computation </td></tr> -<tr id="row_0_295_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml" target="_self">NEGradientKernel</a></td><td class="desc">Computes magnitude and quantised phase from inputs gradients </td></tr> -<tr id="row_0_296_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_self">NEHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> -<tr id="row_0_297_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" target="_self">NEHarrisScoreFP16Kernel</a></td><td class="desc">Interface for the accumulate Weighted kernel using F16 </td></tr> -<tr id="row_0_298_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml" target="_self">NEHarrisScoreKernel</a></td><td class="desc">Template NEON kernel to perform Harris Score </td></tr> -<tr id="row_0_299_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml" target="_self">NEHistogram</a></td><td class="desc">Basic function to execute histogram </td></tr> -<tr id="row_0_300_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml" target="_self">NEHistogramBorderKernel</a></td><td class="desc">Interface for the histogram border handling kernel </td></tr> -<tr id="row_0_301_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_self">NEHistogramKernel</a></td><td class="desc">Interface for the histogram kernel </td></tr> -<tr id="row_0_302_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_self">NEHOGBlockNormalizationKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> block normalization </td></tr> -<tr id="row_0_303_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_self">NEHOGDescriptor</a></td><td class="desc">Basic function to calculate <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> descriptor </td></tr> -<tr id="row_0_304_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml" target="_self">NEHOGDetector</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector based on linear SVM </td></tr> -<tr id="row_0_305_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_self">NEHOGDetectorKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector kernel using linear SVM </td></tr> -<tr id="row_0_306_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_self">NEHOGGradient</a></td><td class="desc">Basic function to calculate the gradient for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_0_307_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_self">NEHOGMultiDetection</a></td><td class="desc">Basic function to detect multiple objects (or the same object at different scales) on the same input image using <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_0_308_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_self">NEHOGNonMaximaSuppressionKernel</a></td><td class="desc">NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_0_309_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_self">NEHOGOrientationBinningKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> Orientation Binning </td></tr> -<tr id="row_0_310_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_self">NEIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> -<tr id="row_0_311_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_integral_image.xhtml" target="_self">NEIntegralImage</a></td><td class="desc">Basic function to run a <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a> </td></tr> -<tr id="row_0_312_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml" target="_self">NEIntegralImageKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> to perform an image integral on an image </td></tr> -<tr id="row_0_313_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_self">NELaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> -<tr id="row_0_314_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_self">NELaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> -<tr id="row_0_315_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml" target="_self">NELKInternalKeypoint</a></td><td class="desc">Internal keypoint class for Lucas-Kanade Optical Flow </td></tr> -<tr id="row_0_316_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_self">NELKTrackerKernel</a></td><td class="desc">Interface for the Lucas-Kanade tracker kernel </td></tr> -<tr id="row_0_317_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml" target="_self">NELogits1DMaxKernel</a></td><td class="desc">Interface for the identifying the max value of 1D Logits </td></tr> -<tr id="row_0_318_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_self">NELogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> -<tr id="row_0_319_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">NELogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> -<tr id="row_0_320_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude.xhtml" target="_self">NEMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. ">NEMagnitudePhaseKernel</a> </td></tr> -<tr id="row_0_321_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_self">NEMagnitudePhaseFP16Kernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> -<tr id="row_0_322_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_self">NEMagnitudePhaseKernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> -<tr id="row_0_323_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_self">NEMeanStdDev</a></td><td class="desc">Basic function to execute mean and std deviation </td></tr> -<tr id="row_0_324_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_self">NEMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> -<tr id="row_0_325_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml" target="_self">NEMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> -<tr id="row_0_326_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml" target="_self">NEMedian3x3Kernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> to perform a median filter on a tensor </td></tr> -<tr id="row_0_327_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_self">NEMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> -<tr id="row_0_328_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_self">NEMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> -<tr id="row_0_329_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_self">NEMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> -<tr id="row_0_330_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml" target="_self">NENonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> -<tr id="row_0_331_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_self">NENonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> -<tr id="row_0_332_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" target="_self">NENonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> -<tr id="row_0_333_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_self">NENonMaximaSuppression3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression 3x3 </td></tr> -<tr id="row_0_334_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_self">NENonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using NEON </td></tr> -<tr id="row_0_335_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_self">NENormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> -<tr id="row_0_336_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_self">NENormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> -<tr id="row_0_337_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_self">NEOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> -<tr id="row_0_338_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_phase.xhtml" target="_self">NEPhase</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. ">NEMagnitudePhaseKernel</a> </td></tr> -<tr id="row_0_339_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" target="_self">NEPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">NEPixelWiseMultiplicationKernel</a> </td></tr> -<tr id="row_0_340_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_self">NEPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> -<tr id="row_0_341_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer.xhtml" target="_self">NEPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> -<tr id="row_0_342_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_self">NEPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> -<tr id="row_0_343_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap.xhtml" target="_self">NERemap</a></td><td class="desc">Basic function to execute remap </td></tr> -<tr id="row_0_344_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_self">NERemapKernel</a></td><td class="desc">NEON kernel to perform a remap on a tensor </td></tr> -<tr id="row_0_345_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale.xhtml" target="_self">NEScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> </td></tr> -<tr id="row_0_346_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_self">NEScaleKernel</a></td><td class="desc">NEON kernel to perform scaling on a tensor </td></tr> -<tr id="row_0_347_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3.xhtml" target="_self">NEScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> -<tr id="row_0_348_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_self">NEScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> -<tr id="row_0_349_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Horizontal pass of a Separable Convolution </td></tr> -<tr id="row_0_350_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Vertical pass of a Separable Convolution </td></tr> -<tr id="row_0_351_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3.xhtml" target="_self">NESobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> -<tr id="row_0_352_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_self">NESobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel X filter on a tensor </td></tr> -<tr id="row_0_353_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_self">NESobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> -<tr id="row_0_354_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_self">NESobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> -<tr id="row_0_355_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_self">NESobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor </td></tr> -<tr id="row_0_356_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_self">NESobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> -<tr id="row_0_357_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_self">NESobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> -<tr id="row_0_358_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_self">NESobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor </td></tr> -<tr id="row_0_359_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_self">NESoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> -<tr id="row_0_360_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_table_lookup.xhtml" target="_self">NETableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> </td></tr> -<tr id="row_0_361_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml" target="_self">NETableLookupKernel</a></td><td class="desc">Interface for the kernel to perform table lookup calculations </td></tr> -<tr id="row_0_362_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold.xhtml" target="_self">NEThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> </td></tr> -<tr id="row_0_363_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_self">NEThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> -<tr id="row_0_364_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose.xhtml" target="_self">NETranspose</a></td><td class="desc">Basic function to transpose a matrix on NEON </td></tr> -<tr id="row_0_365_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_self">NETransposeKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix </td></tr> -<tr id="row_0_366_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml" target="_self">NEWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> </td></tr> -<tr id="row_0_367_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" target="_self">NEWarpAffineKernel</a></td><td class="desc">Template interface for the kernel to compute warp affine </td></tr> -<tr id="row_0_368_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml" target="_self">NEWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> </td></tr> -<tr id="row_0_369_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" target="_self">NEWarpPerspectiveKernel</a></td><td class="desc">Template interface for the kernel to compute warp perspective </td></tr> -<tr id="row_0_370_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml" target="_self">NormalizationLayerInfo</a></td><td class="desc">Normalization Layer Information class </td></tr> -<tr id="row_0_371_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml" target="_self">PadStrideInfo</a></td><td class="desc">Padding and stride information class </td></tr> -<tr id="row_0_372_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pixel_value.xhtml" target="_self">PixelValue</a></td><td class="desc">Class describing the value of a pixel for any image format </td></tr> -<tr id="row_0_373_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pooling_layer_info.xhtml" target="_self">PoolingLayerInfo</a></td><td class="desc">Pooling Layer Information class </td></tr> -<tr id="row_0_374_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_program.xhtml" target="_self">Program</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_program.xhtml" title="Program class. ">Program</a> class </td></tr> -<tr id="row_0_375_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pyramid.xhtml" target="_self">Pyramid</a></td><td class="desc">Basic implementation of the pyramid interface </td></tr> -<tr id="row_0_376_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pyramid_info.xhtml" target="_self">PyramidInfo</a></td><td class="desc">Store the <a class="el" href="classarm__compute_1_1_pyramid.xhtml" title="Basic implementation of the pyramid interface. ">Pyramid</a>'s metadata </td></tr> -<tr id="row_0_377_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_rectangle.xhtml" target="_self">Rectangle</a></td><td class="desc"><a class="el" href="structarm__compute_1_1_rectangle.xhtml" title="Rectangle type. ">Rectangle</a> type </td></tr> -<tr id="row_0_378_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_size2_d.xhtml" target="_self">Size2D</a></td><td class="desc">Class for specifying the size of an image or rectangle </td></tr> -<tr id="row_0_379_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_steps.xhtml" target="_self">Steps</a></td><td class="desc">Class to describe a number of elements in each dimension </td></tr> -<tr id="row_0_380_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_strides.xhtml" target="_self">Strides</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_strides.xhtml" title="Strides of an item in bytes. ">Strides</a> of an item in bytes </td></tr> -<tr id="row_0_381_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor.xhtml" target="_self">Tensor</a></td><td class="desc">Basic implementation of the tensor interface </td></tr> -<tr id="row_0_382_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml" target="_self">TensorAllocator</a></td><td class="desc">Basic implementation of a CPU memory tensor allocator </td></tr> -<tr id="row_0_383_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_info.xhtml" target="_self">TensorInfo</a></td><td class="desc">Store the tensor's metadata </td></tr> -<tr id="row_0_384_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_shape.xhtml" target="_self">TensorShape</a></td><td class="desc">Shape of a tensor </td></tr> -<tr id="row_0_385_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_valid_region.xhtml" target="_self">ValidRegion</a></td><td class="desc"></td></tr> -<tr id="row_0_386_" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_0_386_" class="arrow" onclick="toggleFolder('0_386_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_window.xhtml" target="_self">Window</a></td><td class="desc">Describe a multidimensional execution window </td></tr> -<tr id="row_0_386_0_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml" target="_self">Dimension</a></td><td class="desc">Describe one of the image's dimensions with a start, end and step </td></tr> +<tr id="row_0_79_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml" target="_self">CLGEMMInterleave4x4</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a> </td></tr> +<tr id="row_0_80_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" target="_self">CLGEMMInterleave4x4Kernel</a></td><td class="desc">OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4 </td></tr> +<tr id="row_0_81_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml" target="_self">CLGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on OpenCL </td></tr> +<tr id="row_0_82_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_self">CLGEMMLowpMatrixMultiplyKernel</a></td><td class="desc">OpenCL kernel to compute low precision matrix multiplication kernel </td></tr> +<tr id="row_0_83_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_self">CLGEMMMatrixAccumulateBiasesKernel</a></td><td class="desc">Interface to add a bias to each row of the input tensor </td></tr> +<tr id="row_0_84_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml" target="_self">CLGEMMMatrixAdditionKernel</a></td><td class="desc">OpenCL kernel to perform the in-place matrix addition between 2 matrices, taking into account that the second matrix might be weighted by a scalar value beta </td></tr> +<tr id="row_0_85_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml" target="_self">CLGEMMMatrixMultiplyKernel</a></td><td class="desc">OpenCL kernel to multiply two input matrices "A" and "B" or to multiply a vector "A" by a matrix "B" </td></tr> +<tr id="row_0_86_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml" target="_self">CLGEMMTranspose1xWKernel</a></td><td class="desc">OpenCL kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 or in chunks of 1x8 if the input data type is F16 </td></tr> +<tr id="row_0_87_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml" target="_self">CLGradientKernel</a></td><td class="desc">OpenCL kernel to perform Gradient computation </td></tr> +<tr id="row_0_88_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml" target="_self">CLHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> +<tr id="row_0_89_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml" target="_self">CLHarrisScoreKernel</a></td><td class="desc">Interface for the harris score kernel </td></tr> +<tr id="row_0_90_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml" target="_self">CLHistogram</a></td><td class="desc">Basic function to execute histogram </td></tr> +<tr id="row_0_91_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml" target="_self">CLHistogramBorderKernel</a></td><td class="desc">Interface to run the histogram kernel to handle the leftover part of image </td></tr> +<tr id="row_0_92_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_histogram_kernel.xhtml" target="_self">CLHistogramKernel</a></td><td class="desc">Interface to run the histogram kernel </td></tr> +<tr id="row_0_93_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml" target="_self">CLIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> +<tr id="row_0_94_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml" target="_self">CLIntegralImage</a></td><td class="desc">Basic function to execute integral image </td></tr> +<tr id="row_0_95_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml" target="_self">CLIntegralImageHorKernel</a></td><td class="desc">Interface to run the horizontal pass of the integral image kernel </td></tr> +<tr id="row_0_96_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml" target="_self">CLIntegralImageVertKernel</a></td><td class="desc">Interface to run the vertical pass of the integral image kernel </td></tr> +<tr id="row_0_97_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml" target="_self">CLKernelLibrary</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml" title="CLKernelLibrary class. ">CLKernelLibrary</a> class </td></tr> +<tr id="row_0_98_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml" target="_self">CLLaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> +<tr id="row_0_99_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml" target="_self">CLLaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> +<tr id="row_0_100_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml" target="_self">CLLKInternalKeypoint</a></td><td class="desc">Internal keypoint structure for Lucas-Kanade Optical Flow </td></tr> +<tr id="row_0_101_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml" target="_self">CLLKTrackerFinalizeKernel</a></td><td class="desc">Interface to run the finalize step of LKTracker, where it truncates the coordinates stored in new_points array </td></tr> +<tr id="row_0_102_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml" target="_self">CLLKTrackerInitKernel</a></td><td class="desc">Interface to run the initialization step of LKTracker </td></tr> +<tr id="row_0_103_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml" target="_self">CLLKTrackerStage0Kernel</a></td><td class="desc">Interface to run the first stage of LKTracker, where A11, A12, A22, min_eig, ival, ixval and iyval are computed </td></tr> +<tr id="row_0_104_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml" target="_self">CLLKTrackerStage1Kernel</a></td><td class="desc">Interface to run the second stage of LKTracker, where the motion vectors of the given points are computed </td></tr> +<tr id="row_0_105_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml" target="_self">CLLogits1DMaxKernel</a></td><td class="desc">Interface for the identifying the max value of 1D Logits </td></tr> +<tr id="row_0_106_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml" target="_self">CLLogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> +<tr id="row_0_107_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">CLLogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> +<tr id="row_0_108_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml" target="_self">CLLut</a></td><td class="desc">Basic implementation of the OpenCL lut interface </td></tr> +<tr id="row_0_109_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_lut_allocator.xhtml" target="_self">CLLutAllocator</a></td><td class="desc">Basic implementation of a CL memory LUT allocator </td></tr> +<tr id="row_0_110_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_self">CLMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> +<tr id="row_0_111_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml" target="_self">CLMagnitudePhaseKernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> +<tr id="row_0_112_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml" target="_self">CLMeanStdDev</a></td><td class="desc">Basic function to execute mean and standard deviation by calling <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml">CLMeanStdDevKernel</a> </td></tr> +<tr id="row_0_113_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml" target="_self">CLMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> +<tr id="row_0_114_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_self">CLMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> +<tr id="row_0_115_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml" target="_self">CLMedian3x3Kernel</a></td><td class="desc">Interface for the median 3x3 filter kernel </td></tr> +<tr id="row_0_116_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml" target="_self">CLMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> +<tr id="row_0_117_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml" target="_self">CLMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> +<tr id="row_0_118_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml" target="_self">CLMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> +<tr id="row_0_119_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml" target="_self">CLMultiImage</a></td><td class="desc">Basic implementation of the CL multi-planar image interface </td></tr> +<tr id="row_0_120_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_self">CLNonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> +<tr id="row_0_121_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml" target="_self">CLNonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> +<tr id="row_0_122_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_self">CLNonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> +<tr id="row_0_123_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml" target="_self">CLNonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using OpenCL </td></tr> +<tr id="row_0_124_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml" target="_self">CLNormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> +<tr id="row_0_125_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml" target="_self">CLNormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> +<tr id="row_0_126_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml" target="_self">CLOldValue</a></td><td class="desc">Structure for storing ival, ixval and iyval for each point inside the window </td></tr> +<tr id="row_0_127_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml" target="_self">CLOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> +<tr id="row_0_128_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml" target="_self">CLPhase</a></td><td class="desc">Basic function to execute an <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> +<tr id="row_0_129_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_self">CLPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> </td></tr> +<tr id="row_0_130_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml" target="_self">CLPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the pixelwise multiplication kernel </td></tr> +<tr id="row_0_131_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_self">CLPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> +<tr id="row_0_132_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml" target="_self">CLPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> +<tr id="row_0_133_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml" target="_self">CLPyramid</a></td><td class="desc">Basic implementation of the OpenCL pyramid interface </td></tr> +<tr id="row_0_134_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml" target="_self">CLRemap</a></td><td class="desc">Basic function to execute remap </td></tr> +<tr id="row_0_135_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml" target="_self">CLRemapKernel</a></td><td class="desc">OpenCL kernel to perform a remap on a tensor </td></tr> +<tr id="row_0_136_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml" target="_self">CLScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> </td></tr> +<tr id="row_0_137_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml" target="_self">CLScaleKernel</a></td><td class="desc">Interface for the warp affine kernel </td></tr> +<tr id="row_0_138_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_self">CLScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> +<tr id="row_0_139_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml" target="_self">CLScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> +<tr id="row_0_140_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml" target="_self">CLScheduler</a></td><td class="desc">Provides global access to a CL context and command queue </td></tr> +<tr id="row_0_141_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml" target="_self">CLSeparableConvolutionHorKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Horizontal pass of a Separable Convolution </td></tr> +<tr id="row_0_142_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml" target="_self">CLSeparableConvolutionVertKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Vertical pass of a Separable Convolution </td></tr> +<tr id="row_0_143_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_self">CLSobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> +<tr id="row_0_144_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml" target="_self">CLSobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel filter on a tensor </td></tr> +<tr id="row_0_145_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml" target="_self">CLSobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> +<tr id="row_0_146_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml" target="_self">CLSobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> +<tr id="row_0_147_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml" target="_self">CLSobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel filter on a tensor </td></tr> +<tr id="row_0_148_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml" target="_self">CLSobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> +<tr id="row_0_149_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml" target="_self">CLSobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> +<tr id="row_0_150_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml" target="_self">CLSobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel filter on a tensor </td></tr> +<tr id="row_0_151_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml" target="_self">CLSoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> +<tr id="row_0_152_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_self">CLTableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> </td></tr> +<tr id="row_0_153_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml" target="_self">CLTableLookupKernel</a></td><td class="desc">Interface for the kernel to perform table lookup calculations </td></tr> +<tr id="row_0_154_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml" target="_self">CLTensor</a></td><td class="desc">Basic implementation of the OpenCL tensor interface </td></tr> +<tr id="row_0_155_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml" target="_self">CLTensorAllocator</a></td><td class="desc">Basic implementation of a CL memory tensor allocator </td></tr> +<tr id="row_0_156_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml" target="_self">CLThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> </td></tr> +<tr id="row_0_157_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml" target="_self">CLThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> +<tr id="row_0_158_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml" target="_self">CLTranspose</a></td><td class="desc">Basic function to transpose a matrix on OpenCL </td></tr> +<tr id="row_0_159_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose_kernel.xhtml" target="_self">CLTransposeKernel</a></td><td class="desc">OpenCL kernel which transposes the elements of a matrix </td></tr> +<tr id="row_0_160_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_self">CLWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> for AFFINE transformation </td></tr> +<tr id="row_0_161_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml" target="_self">CLWarpAffineKernel</a></td><td class="desc">Interface for the warp affine kernel </td></tr> +<tr id="row_0_162_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_self">CLWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> for PERSPECTIVE transformation </td></tr> +<tr id="row_0_163_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml" target="_self">CLWarpPerspectiveKernel</a></td><td class="desc">Interface for the warp perspective kernel </td></tr> +<tr id="row_0_164_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_coordinates.xhtml" target="_self">Coordinates</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_coordinates.xhtml" title="Coordinates of an item. ">Coordinates</a> of an item </td></tr> +<tr id="row_0_165_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_coordinates2_d.xhtml" target="_self">Coordinates2D</a></td><td class="desc">Coordinate type </td></tr> +<tr id="row_0_166_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_coordinates3_d.xhtml" target="_self">Coordinates3D</a></td><td class="desc">Coordinate type </td></tr> +<tr id="row_0_167_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml" target="_self">CPPCornerCandidatesKernel</a></td><td class="desc">CPP kernel to perform corner candidates </td></tr> +<tr id="row_0_168_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml" target="_self">CPPScheduler</a></td><td class="desc">Pool of threads to automatically split a kernel's execution among several threads </td></tr> +<tr id="row_0_169_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml" target="_self">CPPSortEuclideanDistanceKernel</a></td><td class="desc">CPP kernel to perform sorting and euclidean distance </td></tr> +<tr id="row_0_170_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_detection_window.xhtml" target="_self">DetectionWindow</a></td><td class="desc">Detection window used for the object detection </td></tr> +<tr id="row_0_171_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_dimensions.xhtml" target="_self">Dimensions</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_dimensions.xhtml" title="Dimensions with dimensionality. ">Dimensions</a> with dimensionality </td></tr> +<tr id="row_0_172_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_distribution1_d.xhtml" target="_self">Distribution1D</a></td><td class="desc">Basic implementation of the 1D distribution interface </td></tr> +<tr id="row_0_173_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_h_o_g.xhtml" target="_self">HOG</a></td><td class="desc">CPU implementation of <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> +<tr id="row_0_174_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml" target="_self">HOGInfo</a></td><td class="desc">Store the <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a>'s metadata </td></tr> +<tr id="row_0_175_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_access_window.xhtml" target="_self">IAccessWindow</a></td><td class="desc">Interface describing methods to update access window and padding based on kernel parameters </td></tr> +<tr id="row_0_176_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_array.xhtml" target="_self">IArray</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_array.xhtml" title="Basic implementation of the IArray interface which allocates a static number of T values...">Array</a> of type T </td></tr> +<tr id="row_0_177_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml" target="_self">ICLArray</a></td><td class="desc">Interface for OpenCL <a class="el" href="classarm__compute_1_1_array.xhtml" title="Basic implementation of the IArray interface which allocates a static number of T values...">Array</a> </td></tr> +<tr id="row_0_178_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml" target="_self">ICLDistribution1D</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml" title="ICLDistribution1D interface class. ">ICLDistribution1D</a> interface class </td></tr> +<tr id="row_0_179_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml" target="_self">ICLKernel</a></td><td class="desc">Common interface for all the OpenCL kernels </td></tr> +<tr id="row_0_180_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml" target="_self">ICLLut</a></td><td class="desc">Interface for OpenCL LUT </td></tr> +<tr id="row_0_181_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_multi_image.xhtml" target="_self">ICLMultiImage</a></td><td class="desc">Interface for OpenCL multi-planar images </td></tr> +<tr id="row_0_182_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml" target="_self">ICLSimple2DKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> +<tr id="row_0_183_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml" target="_self">ICLSimple3DKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> +<tr id="row_0_184_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml" target="_self">ICLSimpleFunction</a></td><td class="desc">Basic interface for functions which have a single OpenCL kernel </td></tr> +<tr id="row_0_185_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml" target="_self">ICLSimpleKernel</a></td><td class="desc">Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output </td></tr> +<tr id="row_0_186_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml" target="_self">ICLTensor</a></td><td class="desc">Interface for OpenCL tensor </td></tr> +<tr id="row_0_187_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml" target="_self">ICPPKernel</a></td><td class="desc">Common interface for all kernels implemented in C++ </td></tr> +<tr id="row_0_188_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml" target="_self">ICPPSimpleKernel</a></td><td class="desc">Interface for simple NEON kernels having 1 tensor input and 1 tensor output </td></tr> +<tr id="row_0_189_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_distribution.xhtml" target="_self">IDistribution</a></td><td class="desc">Interface for distribution objects </td></tr> +<tr id="row_0_190_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml" target="_self">IDistribution1D</a></td><td class="desc">1D Distribution interface </td></tr> +<tr id="row_0_191_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_function.xhtml" target="_self">IFunction</a></td><td class="desc">Base class for all functions </td></tr> +<tr id="row_0_192_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml" target="_self">IHOG</a></td><td class="desc">Interface for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> +<tr id="row_0_193_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_kernel.xhtml" target="_self">IKernel</a></td><td class="desc">Common information for all the kernels </td></tr> +<tr id="row_0_194_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_lut.xhtml" target="_self">ILut</a></td><td class="desc">Lookup Table object interface </td></tr> +<tr id="row_0_195_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml" target="_self">ILutAllocator</a></td><td class="desc">Basic interface to allocate LUTs' </td></tr> +<tr id="row_0_196_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_multi_h_o_g.xhtml" target="_self">IMultiHOG</a></td><td class="desc">Interface for storing multiple <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-objects </td></tr> +<tr id="row_0_197_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_multi_image.xhtml" target="_self">IMultiImage</a></td><td class="desc">Interface for multi-planar images </td></tr> +<tr id="row_0_198_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" target="_self">INEHarrisScoreKernel</a></td><td class="desc">Common interface for all Harris Score kernels </td></tr> +<tr id="row_0_199_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml" target="_self">INESimpleFunction</a></td><td class="desc">Basic interface for functions which have a single NEON kernel </td></tr> +<tr id="row_0_200_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml" target="_self">INEWarpKernel</a></td><td class="desc">Common interface for warp affine and warp perspective </td></tr> +<tr id="row_0_201_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml" target="_self">IOFormatInfo</a></td><td class="desc">IO formatting information class </td></tr> +<tr id="row_0_202_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_pyramid.xhtml" target="_self">IPyramid</a></td><td class="desc">Interface for pyramid data-object </td></tr> +<tr id="row_0_203_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_tensor.xhtml" target="_self">ITensor</a></td><td class="desc">Interface for NEON tensor </td></tr> +<tr id="row_0_204_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml" target="_self">ITensorAllocator</a></td><td class="desc">Interface to allocate tensors </td></tr> +<tr id="row_0_205_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_iterator.xhtml" target="_self">Iterator</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_iterator.xhtml" title="Iterator updated by execute_window_loop for each window element. ">Iterator</a> updated by <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a> for each window element </td></tr> +<tr id="row_0_206_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_kernel.xhtml" target="_self">Kernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> class </td></tr> +<tr id="row_0_207_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_key_point.xhtml" target="_self">KeyPoint</a></td><td class="desc"><a class="el" href="struct_keypoint.xhtml">Keypoint</a> type </td></tr> +<tr id="row_0_208_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_lut.xhtml" target="_self">Lut</a></td><td class="desc">Basic implementation of the LUT interface </td></tr> +<tr id="row_0_209_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_lut_allocator.xhtml" target="_self">LutAllocator</a></td><td class="desc">Basic implementation of a CPU memory LUT allocator </td></tr> +<tr id="row_0_210_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_h_o_g.xhtml" target="_self">MultiHOG</a></td><td class="desc">CPU implementation of multi <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> +<tr id="row_0_211_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_image.xhtml" target="_self">MultiImage</a></td><td class="desc">Basic implementation of the multi-planar image interface </td></tr> +<tr id="row_0_212_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml" target="_self">MultiImageInfo</a></td><td class="desc">Store the multi-planar image's metadata </td></tr> +<tr id="row_0_213_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml" target="_self">NEAbsoluteDifference</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a> </td></tr> +<tr id="row_0_214_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" target="_self">NEAbsoluteDifferenceKernel</a></td><td class="desc">Interface for the absolute difference kernel </td></tr> +<tr id="row_0_215_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml" target="_self">NEAccumulate</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a> </td></tr> +<tr id="row_0_216_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml" target="_self">NEAccumulateKernel</a></td><td class="desc">Interface for the accumulate kernel </td></tr> +<tr id="row_0_217_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared.xhtml" target="_self">NEAccumulateSquared</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml">NEAccumulateSquaredKernel</a> </td></tr> +<tr id="row_0_218_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml" target="_self">NEAccumulateSquaredKernel</a></td><td class="desc">Interface for the accumulate squared kernel </td></tr> +<tr id="row_0_219_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml" target="_self">NEAccumulateWeighted</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml">NEAccumulateWeightedKernel</a> </td></tr> +<tr id="row_0_220_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml" target="_self">NEAccumulateWeightedFP16Kernel</a></td><td class="desc">Interface for the accumulate weighted kernel using F16 </td></tr> +<tr id="row_0_221_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml" target="_self">NEAccumulateWeightedKernel</a></td><td class="desc">Interface for the accumulate weighted kernel </td></tr> +<tr id="row_0_222_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_activation_layer.xhtml" target="_self">NEActivationLayer</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">NEActivationLayerKernel</a> </td></tr> +<tr id="row_0_223_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml" target="_self">NEActivationLayerKernel</a></td><td class="desc">Interface for the activation layer kernel </td></tr> +<tr id="row_0_224_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml" target="_self">NEArithmeticAddition</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml">NEArithmeticAdditionKernel</a> </td></tr> +<tr id="row_0_225_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" target="_self">NEArithmeticAdditionKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> +<tr id="row_0_226_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" target="_self">NEArithmeticSubtraction</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml">NEArithmeticSubtractionKernel</a> </td></tr> +<tr id="row_0_227_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" target="_self">NEArithmeticSubtractionKernel</a></td><td class="desc">Interface for the kernel to perform subtraction between two tensors </td></tr> +<tr id="row_0_228_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_and.xhtml" target="_self">NEBitwiseAnd</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml">NEBitwiseAndKernel</a> </td></tr> +<tr id="row_0_229_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" target="_self">NEBitwiseAndKernel</a></td><td class="desc">Interface for the kernel to perform bitwise AND between XY-planes of two tensors </td></tr> +<tr id="row_0_230_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_not.xhtml" target="_self">NEBitwiseNot</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml">NEBitwiseNotKernel</a> </td></tr> +<tr id="row_0_231_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" target="_self">NEBitwiseNotKernel</a></td><td class="desc">Interface for the kernel to perform bitwise NOT operation </td></tr> +<tr id="row_0_232_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_or.xhtml" target="_self">NEBitwiseOr</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml">NEBitwiseOrKernel</a> </td></tr> +<tr id="row_0_233_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" target="_self">NEBitwiseOrKernel</a></td><td class="desc">Interface for the kernel to perform bitwise inclusive OR between two tensors </td></tr> +<tr id="row_0_234_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor.xhtml" target="_self">NEBitwiseXor</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml">NEBitwiseXorKernel</a> </td></tr> +<tr id="row_0_235_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" target="_self">NEBitwiseXorKernel</a></td><td class="desc">Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors </td></tr> +<tr id="row_0_236_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml" target="_self">NEBox3x3</a></td><td class="desc">Basic function to execute box filter 3x3 </td></tr> +<tr id="row_0_237_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml" target="_self">NEBox3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform a Box 3x3 filter using F16 simd </td></tr> +<tr id="row_0_238_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml" target="_self">NEBox3x3Kernel</a></td><td class="desc">NEON kernel to perform a Box 3x3 filter </td></tr> +<tr id="row_0_239_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml" target="_self">NECannyEdge</a></td><td class="desc">Basic function to execute canny edge on NEON </td></tr> +<tr id="row_0_240_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml" target="_self">NEChannelCombine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml">NEChannelCombineKernel</a> to perform channel combination </td></tr> +<tr id="row_0_241_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" target="_self">NEChannelCombineKernel</a></td><td class="desc">Interface for the channel combine kernel </td></tr> +<tr id="row_0_242_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml" target="_self">NEChannelExtract</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">NEChannelExtractKernel</a> to perform channel extraction </td></tr> +<tr id="row_0_243_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml" target="_self">NEChannelExtractKernel</a></td><td class="desc">Interface for the channel extract kernel </td></tr> +<tr id="row_0_244_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml" target="_self">NECol2ImKernel</a></td><td class="desc">NEON kernel to perform col2im reshaping </td></tr> +<tr id="row_0_245_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml" target="_self">NEColorConvert</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> to perform color conversion </td></tr> +<tr id="row_0_246_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml" target="_self">NEColorConvertKernel</a></td><td class="desc">Interface for the color convert kernel </td></tr> +<tr id="row_0_247_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml" target="_self">NEConvolution3x3</a></td><td class="desc">Basic function to execute convolution of size 3x3 </td></tr> +<tr id="row_0_248_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_self">NEConvolutionKernel</a></td><td class="desc">Interface for the kernel to run an arbitrary size convolution on a tensor </td></tr> +<tr id="row_0_249_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_self">NEConvolutionLayer</a></td><td class="desc">Basic function to simulate a convolution layer </td></tr> +<tr id="row_0_250_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" target="_self">NEConvolutionLayerWeightsReshapeKernel</a></td><td class="desc">NEON kernel to perform reshaping on the weights used by convolution layer </td></tr> +<tr id="row_0_251_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml" target="_self">NEConvolutionRectangle</a></td><td class="desc">Basic function to execute non-square convolution </td></tr> +<tr id="row_0_252_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" target="_self">NEConvolutionRectangleKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the running convolution on a rectangle matrix </td></tr> +<tr id="row_0_253_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml" target="_self">NEConvolutionSquare</a></td><td class="desc">Basic function to execute convolution of size 5x5, 7x7, 9x9 </td></tr> +<tr id="row_0_254_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" target="_self">NECumulativeDistributionKernel</a></td><td class="desc">Interface for the cumulative distribution (cummulative summmation) calculation kernel </td></tr> +<tr id="row_0_255_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml" target="_self">NEDepthConvert</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml">NEDepthConvertKernel</a> </td></tr> +<tr id="row_0_256_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml" target="_self">NEDepthConvertKernel</a></td><td class="desc">Depth conversion kernel </td></tr> +<tr id="row_0_257_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml" target="_self">NEDerivative</a></td><td class="desc">Basic function to execute first order derivative operator </td></tr> +<tr id="row_0_258_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml" target="_self">NEDerivativeKernel</a></td><td class="desc">Interface for the kernel to run the derivative along the X/Y directions on a tensor </td></tr> +<tr id="row_0_259_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_dilate.xhtml" target="_self">NEDilate</a></td><td class="desc">Basic function to execute dilate </td></tr> +<tr id="row_0_260_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml" target="_self">NEDilateKernel</a></td><td class="desc">Interface for the kernel to perform boolean image dilatation </td></tr> +<tr id="row_0_261_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" target="_self">NEEdgeNonMaxSuppressionKernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression for Canny Edge </td></tr> +<tr id="row_0_262_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" target="_self">NEEdgeTraceKernel</a></td><td class="desc">NEON kernel to perform Edge tracing </td></tr> +<tr id="row_0_263_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_self">NEEqualizeHistogram</a></td><td class="desc">Basic function to execute histogram equalization </td></tr> +<tr id="row_0_264_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_erode.xhtml" target="_self">NEErode</a></td><td class="desc">Basic function to execute erode </td></tr> +<tr id="row_0_265_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml" target="_self">NEErodeKernel</a></td><td class="desc">Interface for the kernel to perform boolean image erosion </td></tr> +<tr id="row_0_266_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_self">NEFastCorners</a></td><td class="desc">Basic function to execute fast corners </td></tr> +<tr id="row_0_267_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" target="_self">NEFastCornersKernel</a></td><td class="desc">NEON kernel to perform fast corners </td></tr> +<tr id="row_0_268_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml" target="_self">NEFillArrayKernel</a></td><td class="desc">This kernel adds all texels greater than or equal to the threshold value to the keypoint array </td></tr> +<tr id="row_0_269_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_self">NEFillBorder</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> </td></tr> +<tr id="row_0_270_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml" target="_self">NEFillBorderKernel</a></td><td class="desc">Interface for the kernel to fill borders </td></tr> +<tr id="row_0_271_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" target="_self">NEFillInnerBorderKernel</a></td><td class="desc">Interface for the kernel to fill the interior borders </td></tr> +<tr id="row_0_272_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_self">NEFullyConnectedLayer</a></td><td class="desc">Basic function to compute a Fully Connected layer on NEON </td></tr> +<tr id="row_0_273_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml" target="_self">NEGaussian3x3</a></td><td class="desc">Basic function to execute gaussian filter 3x3 </td></tr> +<tr id="row_0_274_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml" target="_self">NEGaussian3x3Kernel</a></td><td class="desc">NEON kernel to perform a Gaussian 3x3 filter </td></tr> +<tr id="row_0_275_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_self">NEGaussian5x5</a></td><td class="desc">Basic function to execute gaussian filter 5x5 </td></tr> +<tr id="row_0_276_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml" target="_self">NEGaussian5x5HorKernel</a></td><td class="desc">NEON kernel to perform a Gaussian 5x5 filter (horizontal pass) </td></tr> +<tr id="row_0_277_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml" target="_self">NEGaussian5x5VertKernel</a></td><td class="desc">NEON kernel to perform a Gaussian 5x5 filter (vertical pass) </td></tr> +<tr id="row_0_278_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_self">NEGaussianPyramid</a></td><td class="desc">Common interface for all Gaussian pyramid functions </td></tr> +<tr id="row_0_279_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_self">NEGaussianPyramidHalf</a></td><td class="desc">Basic function to execute gaussian pyramid with HALF scale factor </td></tr> +<tr id="row_0_280_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml" target="_self">NEGaussianPyramidHorKernel</a></td><td class="desc">NEON kernel to perform a GaussianPyramid (horizontal pass) </td></tr> +<tr id="row_0_281_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_self">NEGaussianPyramidOrb</a></td><td class="desc">Basic function to execute gaussian pyramid with ORB scale factor </td></tr> +<tr id="row_0_282_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml" target="_self">NEGaussianPyramidVertKernel</a></td><td class="desc">NEON kernel to perform a GaussianPyramid (vertical pass) </td></tr> +<tr id="row_0_283_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_self">NEGEMM</a></td><td class="desc">Basic function to execute GEMM on NEON </td></tr> +<tr id="row_0_284_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" target="_self">NEGEMMInterleave4x4</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml" title="NEON kernel to interleave the elements of a matrix. ">NEGEMMInterleave4x4Kernel</a> </td></tr> +<tr id="row_0_285_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml" target="_self">NEGEMMInterleave4x4Kernel</a></td><td class="desc">NEON kernel to interleave the elements of a matrix </td></tr> +<tr id="row_0_286_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_self">NEGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on NEON </td></tr> +<tr id="row_0_287_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_self">NEGEMMLowpMatrixMultiplyKernel</a></td><td class="desc">NEON kernel to multiply matrices </td></tr> +<tr id="row_0_288_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_self">NEGEMMMatrixAccumulateBiasesKernel</a></td><td class="desc">NEON kernel to add a bias to each row of the input tensor </td></tr> +<tr id="row_0_289_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml" target="_self">NEGEMMMatrixAdditionKernel</a></td><td class="desc">NEON kernel to perform the in-place matrix addition between 2 matrices taking into account that the second matrix might be weighted by a scalar value beta: </td></tr> +<tr id="row_0_290_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" target="_self">NEGEMMMatrixMultiplyKernel</a></td><td class="desc">NEON kernel to multiply two input matrices "A" and "B" </td></tr> +<tr id="row_0_291_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" target="_self">NEGEMMTranspose1xW</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml" title="NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 ...">NEGEMMTranspose1xWKernel</a> </td></tr> +<tr id="row_0_292_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml" target="_self">NEGEMMTranspose1xWKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 or in chunks of 1x8 if the input data type is F16 </td></tr> +<tr id="row_0_293_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" target="_self">NEGradientFP16Kernel</a></td><td class="desc">NEON kernel to perform Gradient computation </td></tr> +<tr id="row_0_294_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml" target="_self">NEGradientKernel</a></td><td class="desc">Computes magnitude and quantised phase from inputs gradients </td></tr> +<tr id="row_0_295_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_self">NEHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> +<tr id="row_0_296_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" target="_self">NEHarrisScoreFP16Kernel</a></td><td class="desc">Interface for the accumulate Weighted kernel using F16 </td></tr> +<tr id="row_0_297_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml" target="_self">NEHarrisScoreKernel</a></td><td class="desc">Template NEON kernel to perform Harris Score </td></tr> +<tr id="row_0_298_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml" target="_self">NEHistogram</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> </td></tr> +<tr id="row_0_299_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_self">NEHistogramKernel</a></td><td class="desc">Interface for the histogram kernel </td></tr> +<tr id="row_0_300_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_self">NEHOGBlockNormalizationKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> block normalization </td></tr> +<tr id="row_0_301_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_self">NEHOGDescriptor</a></td><td class="desc">Basic function to calculate <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> descriptor </td></tr> +<tr id="row_0_302_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml" target="_self">NEHOGDetector</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector based on linear SVM </td></tr> +<tr id="row_0_303_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_self">NEHOGDetectorKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector kernel using linear SVM </td></tr> +<tr id="row_0_304_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_self">NEHOGGradient</a></td><td class="desc">Basic function to calculate the gradient for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_0_305_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_self">NEHOGMultiDetection</a></td><td class="desc">Basic function to detect multiple objects (or the same object at different scales) on the same input image using <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_0_306_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_self">NEHOGNonMaximaSuppressionKernel</a></td><td class="desc">NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_0_307_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_self">NEHOGOrientationBinningKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> Orientation Binning </td></tr> +<tr id="row_0_308_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_self">NEIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> +<tr id="row_0_309_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_integral_image.xhtml" target="_self">NEIntegralImage</a></td><td class="desc">Basic function to run a <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a> </td></tr> +<tr id="row_0_310_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml" target="_self">NEIntegralImageKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> to perform an image integral on an image </td></tr> +<tr id="row_0_311_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_self">NELaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> +<tr id="row_0_312_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_self">NELaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> +<tr id="row_0_313_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml" target="_self">NELKInternalKeypoint</a></td><td class="desc">Internal keypoint class for Lucas-Kanade Optical Flow </td></tr> +<tr id="row_0_314_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_self">NELKTrackerKernel</a></td><td class="desc">Interface for the Lucas-Kanade tracker kernel </td></tr> +<tr id="row_0_315_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml" target="_self">NELogits1DMaxKernel</a></td><td class="desc">Interface for the identifying the max value of 1D Logits </td></tr> +<tr id="row_0_316_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_self">NELogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> +<tr id="row_0_317_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">NELogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> +<tr id="row_0_318_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude.xhtml" target="_self">NEMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. ">NEMagnitudePhaseKernel</a> </td></tr> +<tr id="row_0_319_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_self">NEMagnitudePhaseFP16Kernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> +<tr id="row_0_320_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_self">NEMagnitudePhaseKernel</a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> +<tr id="row_0_321_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_self">NEMeanStdDev</a></td><td class="desc">Basic function to execute mean and std deviation </td></tr> +<tr id="row_0_322_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_self">NEMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> +<tr id="row_0_323_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml" target="_self">NEMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> +<tr id="row_0_324_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml" target="_self">NEMedian3x3Kernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> to perform a median filter on a tensor </td></tr> +<tr id="row_0_325_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_self">NEMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> +<tr id="row_0_326_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_self">NEMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> +<tr id="row_0_327_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_self">NEMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> +<tr id="row_0_328_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml" target="_self">NENonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> +<tr id="row_0_329_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_self">NENonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> +<tr id="row_0_330_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" target="_self">NENonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> +<tr id="row_0_331_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_self">NENonMaximaSuppression3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32 </td></tr> +<tr id="row_0_332_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_self">NENonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using NEON </td></tr> +<tr id="row_0_333_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_self">NENormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> +<tr id="row_0_334_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_self">NENormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> +<tr id="row_0_335_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_self">NEOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> +<tr id="row_0_336_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_phase.xhtml" target="_self">NEPhase</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. ">NEMagnitudePhaseKernel</a> </td></tr> +<tr id="row_0_337_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" target="_self">NEPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">NEPixelWiseMultiplicationKernel</a> </td></tr> +<tr id="row_0_338_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_self">NEPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> +<tr id="row_0_339_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer.xhtml" target="_self">NEPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> +<tr id="row_0_340_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_self">NEPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> +<tr id="row_0_341_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap.xhtml" target="_self">NERemap</a></td><td class="desc">Basic function to execute remap </td></tr> +<tr id="row_0_342_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_self">NERemapKernel</a></td><td class="desc">NEON kernel to perform a remap on a tensor </td></tr> +<tr id="row_0_343_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale.xhtml" target="_self">NEScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> </td></tr> +<tr id="row_0_344_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_self">NEScaleKernel</a></td><td class="desc">NEON kernel to perform scaling on a tensor </td></tr> +<tr id="row_0_345_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3.xhtml" target="_self">NEScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> +<tr id="row_0_346_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_self">NEScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> +<tr id="row_0_347_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Horizontal pass of a Separable Convolution </td></tr> +<tr id="row_0_348_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Vertical pass of a Separable Convolution </td></tr> +<tr id="row_0_349_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3.xhtml" target="_self">NESobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> +<tr id="row_0_350_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_self">NESobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel X filter on a tensor </td></tr> +<tr id="row_0_351_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_self">NESobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> +<tr id="row_0_352_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_self">NESobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> +<tr id="row_0_353_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_self">NESobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor </td></tr> +<tr id="row_0_354_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_self">NESobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> +<tr id="row_0_355_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_self">NESobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> +<tr id="row_0_356_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_self">NESobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor </td></tr> +<tr id="row_0_357_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_self">NESoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> +<tr id="row_0_358_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_table_lookup.xhtml" target="_self">NETableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> </td></tr> +<tr id="row_0_359_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml" target="_self">NETableLookupKernel</a></td><td class="desc">Interface for the kernel to perform table lookup calculations </td></tr> +<tr id="row_0_360_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold.xhtml" target="_self">NEThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> </td></tr> +<tr id="row_0_361_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_self">NEThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> +<tr id="row_0_362_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose.xhtml" target="_self">NETranspose</a></td><td class="desc">Basic function to transpose a matrix on NEON </td></tr> +<tr id="row_0_363_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_self">NETransposeKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix </td></tr> +<tr id="row_0_364_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml" target="_self">NEWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> </td></tr> +<tr id="row_0_365_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" target="_self">NEWarpAffineKernel</a></td><td class="desc">Template interface for the kernel to compute warp affine </td></tr> +<tr id="row_0_366_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml" target="_self">NEWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> </td></tr> +<tr id="row_0_367_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" target="_self">NEWarpPerspectiveKernel</a></td><td class="desc">Template interface for the kernel to compute warp perspective </td></tr> +<tr id="row_0_368_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml" target="_self">NormalizationLayerInfo</a></td><td class="desc">Normalization Layer Information class </td></tr> +<tr id="row_0_369_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml" target="_self">PadStrideInfo</a></td><td class="desc">Padding and stride information class </td></tr> +<tr id="row_0_370_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pixel_value.xhtml" target="_self">PixelValue</a></td><td class="desc">Class describing the value of a pixel for any image format </td></tr> +<tr id="row_0_371_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pooling_layer_info.xhtml" target="_self">PoolingLayerInfo</a></td><td class="desc">Pooling Layer Information class </td></tr> +<tr id="row_0_372_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_program.xhtml" target="_self">Program</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_program.xhtml" title="Program class. ">Program</a> class </td></tr> +<tr id="row_0_373_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pyramid.xhtml" target="_self">Pyramid</a></td><td class="desc">Basic implementation of the pyramid interface </td></tr> +<tr id="row_0_374_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_pyramid_info.xhtml" target="_self">PyramidInfo</a></td><td class="desc">Store the <a class="el" href="classarm__compute_1_1_pyramid.xhtml" title="Basic implementation of the pyramid interface. ">Pyramid</a>'s metadata </td></tr> +<tr id="row_0_375_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_rectangle.xhtml" target="_self">Rectangle</a></td><td class="desc"><a class="el" href="structarm__compute_1_1_rectangle.xhtml" title="Rectangle type. ">Rectangle</a> type </td></tr> +<tr id="row_0_376_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_size2_d.xhtml" target="_self">Size2D</a></td><td class="desc">Class for specifying the size of an image or rectangle </td></tr> +<tr id="row_0_377_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_steps.xhtml" target="_self">Steps</a></td><td class="desc">Class to describe a number of elements in each dimension </td></tr> +<tr id="row_0_378_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_strides.xhtml" target="_self">Strides</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_strides.xhtml" title="Strides of an item in bytes. ">Strides</a> of an item in bytes </td></tr> +<tr id="row_0_379_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor.xhtml" target="_self">Tensor</a></td><td class="desc">Basic implementation of the tensor interface </td></tr> +<tr id="row_0_380_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml" target="_self">TensorAllocator</a></td><td class="desc">Basic implementation of a CPU memory tensor allocator </td></tr> +<tr id="row_0_381_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_info.xhtml" target="_self">TensorInfo</a></td><td class="desc">Store the tensor's metadata </td></tr> +<tr id="row_0_382_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_shape.xhtml" target="_self">TensorShape</a></td><td class="desc">Shape of a tensor </td></tr> +<tr id="row_0_383_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_valid_region.xhtml" target="_self">ValidRegion</a></td><td class="desc"></td></tr> +<tr id="row_0_384_" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_0_384_" class="arrow" onclick="toggleFolder('0_384_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_window.xhtml" target="_self">Window</a></td><td class="desc">Describe a multidimensional execution window </td></tr> +<tr id="row_0_384_0_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml" target="_self">Dimension</a></td><td class="desc">Describe one of the image's dimensions with a start, end and step </td></tr> <tr id="row_1_"><td class="entry"><span style="width:0px;display:inline-block;"> </span><span id="arr_1_" class="arrow" onclick="toggleFolder('1_')">►</span><span class="icona"><span class="icon">N</span></span><a class="el" href="namespacetest__helpers.xhtml" target="_self">test_helpers</a></td><td class="desc"></td></tr> <tr id="row_1_0_" class="even" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml" target="_self">PPMLoader</a></td><td class="desc">Class to load the content of a PPM file into an <a class="el" href="struct_image.xhtml" title="Structure to hold Image information. ">Image</a> </td></tr> <tr id="row_2_" class="even"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="struct_coordinates2_d.xhtml" target="_self">Coordinates2D</a></td><td class="desc">2D Coordinates structure </td></tr> @@ -524,7 +522,7 @@ $(document).ready(function(){initNavTree('annotated.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/arithmetic__op_8cl.xhtml b/documentation/arithmetic__op_8cl.xhtml index 3632dee82..444f842af 100644 --- a/documentation/arithmetic__op_8cl.xhtml +++ b/documentation/arithmetic__op_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -527,7 +527,7 @@ To perform saturating operation -DSATURATE has to be passed to the compiler othe <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="arithmetic__op_8cl.xhtml">arithmetic_op.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/arithmetic__op_8cl_source.xhtml b/documentation/arithmetic__op_8cl_source.xhtml index e7ba72c3d..7039e2a20 100644 --- a/documentation/arithmetic__op_8cl_source.xhtml +++ b/documentation/arithmetic__op_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('arithmetic__op_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="arithmetic__op_8cl.xhtml">arithmetic_op.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/arm__compute_2core_2_utils_8h.xhtml b/documentation/arm__compute_2core_2_utils_8h.xhtml index 3ec60ebc4..a51d48cbe 100644 --- a/documentation/arm__compute_2core_2_utils_8h.xhtml +++ b/documentation/arm__compute_2core_2_utils_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -246,7 +246,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="arm__compute_2core_2_utils_8h.xhtml">Utils.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/arm__compute_2core_2_utils_8h_source.xhtml b/documentation/arm__compute_2core_2_utils_8h_source.xhtml index 12edcb3a8..0da36c8c5 100644 --- a/documentation/arm__compute_2core_2_utils_8h_source.xhtml +++ b/documentation/arm__compute_2core_2_utils_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,12 +116,12 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div class="title">Utils.h</div> </div> </div><!--header--> <div class="contents"> -<a href="arm__compute_2core_2_utils_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_UTILS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_UTILS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_error_8h.xhtml">arm_compute/core/Error.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <algorithm></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdlib></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <numeric></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <sstream></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#adf0c6059174045f80af46a0f1fb57bc6"> 42</a></span> <span class="keyword">inline</span> <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#adf0c6059174045f80af46a0f1fb57bc6">ceil_to_multiple</a>(S value, T divisor) -> decltype(((value + divisor - 1) / divisor) * divisor)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(value < 0 || divisor <= 0);</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">return</span> ((value + divisor - 1) / divisor) * divisor;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> }</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375"> 50</a></span> <span class="keyword">inline</span> <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375">floor_to_multiple</a>(S value, T divisor) -> decltype((value / divisor) * divisor)</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(value < 0 || divisor <= 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordflow">return</span> (value / divisor) * divisor;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00058"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41"> 58</a></span> constexpr <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41">DIV_CEIL</a>(S val, T m) -> decltype((val + m - 1) / m)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">return</span> (val + m - 1) / m;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> std::string <a class="code" href="namespacearm__compute.xhtml#a64c17a5a42d2499a1626222ff9753b4d">build_information</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> std::string <a class="code" href="namespacearm__compute.xhtml#aefa4a4d3136d77b85cccfce344f9f37f">read_file</a>(<span class="keyword">const</span> std::string &filename, <span class="keywordtype">bool</span> binary);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68"> 87</a></span> <span class="keyword">const</span> std::string <a class="code" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68">val_to_string</a>(T val)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <span class="keyword">static_cast<</span><span class="keyword">const </span>std::ostringstream &<span class="keyword">></span>(std::ostringstream() << val).str();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab"> 98</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">data_size_from_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type)</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordflow">switch</span>(data_type)</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  {</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>:</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">DataType::S8</a>:</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>:</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>:</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>:</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>:</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">DataType::F64</a>:</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">DataType::U64</a>:</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">DataType::S64</a>:</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> 8;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">DataType::SIZET</a>:</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keywordflow">return</span> <span class="keyword">sizeof</span>(size_t);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Invalid data type"</span>);</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> }</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> </div><div class="line"><a name="l00131"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4823543d67a2520c98669e2a5608ef6a"> 131</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a4823543d67a2520c98669e2a5608ef6a">pixel_size_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> {</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Undefined pixel size for given format"</span>);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  }</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> }</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00169"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0"> 169</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0">element_size_from_data_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt)</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span> {</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keywordflow">switch</span>(dt)</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  {</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>:</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>:</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>:</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>:</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>:</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Undefined element size for given data type"</span>);</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  }</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> }</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span> </div><div class="line"><a name="l00195"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a59846ef5ca75cd81cdb7e8a1ce08f9db"> 195</a></span> <span class="keyword">inline</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="namespacearm__compute.xhtml#a59846ef5ca75cd81cdb7e8a1ce08f9db">data_type_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span> {</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  {</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>;</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>;</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>;</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>;</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>;</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported data_type for given format"</span>);</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span> }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> </div><div class="line"><a name="l00236"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4f6fe18760340bcec02d095b7099e923"> 236</a></span> <span class="keyword">inline</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#a4f6fe18760340bcec02d095b7099e923">plane_idx_from_channel</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format, <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a> channel)</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span> {</div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span>  {</div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  {</div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span>  <span class="keywordflow">switch</span>(channel)</div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span>  {</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Channel::Y</a>:</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">Channel::U</a>:</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">Channel::V</a>:</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported channel"</span>);</div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  }</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span>  }</div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  {</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  <span class="keywordflow">switch</span>(channel)</div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span>  {</div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Channel::Y</a>:</div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">Channel::U</a>:</div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">Channel::V</a>:</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported channel"</span>);</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  }</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  }</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported format"</span>);</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  }</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> }</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00283"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2a71659def659c8b1c164023a99a25a9"> 283</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a2a71659def659c8b1c164023a99a25a9">num_planes_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span> {</div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  {</div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported format"</span>);</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  }</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span> }</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> </div><div class="line"><a name="l00317"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab14153fb809c18823af3c9c8bc4286cb"> 317</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#ab14153fb809c18823af3c9c8bc4286cb">num_channels_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> {</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00327"></a><span class="lineno"> 327</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00328"></a><span class="lineno"> 328</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00329"></a><span class="lineno"> 329</span>  <span class="comment">// Because the U and V channels are subsampled</span></div><div class="line"><a name="l00330"></a><span class="lineno"> 330</span>  <span class="comment">// these formats appear like having only 2 channels:</span></div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00332"></a><span class="lineno"> 332</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00333"></a><span class="lineno"> 333</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00334"></a><span class="lineno"> 334</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  }</div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span> }</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> </div><div class="line"><a name="l00359"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a18ec57dffc5c26864be77318111dfb2a"> 359</a></span> <span class="keyword">inline</span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#a18ec57dffc5c26864be77318111dfb2a">separate_matrix</a>(<span class="keyword">const</span> int16_t *conv, int16_t *conv_col, int16_t *conv_row, uint8_t size)</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span> {</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  int32_t min_col = -1;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span>  int16_t min_col_val = -1;</div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span> </div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  <span class="keywordflow">for</span>(int32_t i = 0; i < size; ++i)</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  {</div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  <span class="keywordflow">if</span>(conv[i] != 0 && (min_col < 0 || abs(min_col_val) > abs(conv[i])))</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span>  {</div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span>  min_col = i;</div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  min_col_val = conv[i];</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  }</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  }</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> </div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span>  <span class="keywordflow">if</span>(min_col < 0)</div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  {</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  }</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> </div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  <span class="keywordflow">for</span>(uint32_t j = 0; j < size; ++j)</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  {</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  conv_col[j] = conv[min_col + j * size];</div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span>  }</div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span> </div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">for</span>(uint32_t i = 0; i < size; i++)</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  {</div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  <span class="keywordflow">if</span>(static_cast<int>(i) == min_col)</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  {</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span>  conv_row[i] = 1;</div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  }</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  {</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  int16_t coeff = conv[i] / conv[min_col];</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span> </div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  <span class="keywordflow">for</span>(uint32_t j = 1; j < size; ++j)</div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  {</div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  <span class="keywordflow">if</span>(conv[i + j * size] != (conv_col[j] * coeff))</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  {</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  }</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  }</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span> </div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  conv_row[i] = coeff;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span>  }</div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span>  }</div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span> </div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  <span class="keywordflow">return</span> <span class="keyword">true</span>;</div><div class="line"><a name="l00406"></a><span class="lineno"> 406</span> }</div><div class="line"><a name="l00407"></a><span class="lineno"> 407</span> </div><div class="line"><a name="l00419"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a0101a40c4a6acc2af3b55afa7632f16a"> 419</a></span> <span class="keyword">inline</span> uint32_t <a class="code" href="namespacearm__compute.xhtml#a0101a40c4a6acc2af3b55afa7632f16a">calculate_matrix_scale</a>(<span class="keyword">const</span> int16_t *matrix, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size)</div><div class="line"><a name="l00420"></a><span class="lineno"> 420</span> {</div><div class="line"><a name="l00421"></a><span class="lineno"> 421</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> size = matrix_size * matrix_size;</div><div class="line"><a name="l00422"></a><span class="lineno"> 422</span> </div><div class="line"><a name="l00423"></a><span class="lineno"> 423</span>  <span class="keywordflow">return</span> std::max(1, std::abs(<a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(matrix, matrix + size, 0)));</div><div class="line"><a name="l00424"></a><span class="lineno"> 424</span> }</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span> </div><div class="line"><a name="l00435"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a01adc12d8e07c06cdb0f03c56a455bf3"> 435</a></span> <span class="keyword">inline</span> std::pair<DataType, DataType> <a class="code" href="namespacearm__compute.xhtml#a01adc12d8e07c06cdb0f03c56a455bf3">data_type_for_convolution</a>(<span class="keyword">const</span> int16_t *conv_col, <span class="keyword">const</span> int16_t *conv_row, <span class="keywordtype">size_t</span> size)</div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> {</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> first_stage = <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> second_stage = <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> </div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  <span class="keyword">auto</span> gez = [](<span class="keyword">const</span> int16_t &v)</div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  {</div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  <span class="keywordflow">return</span> v >= 0;</div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  };</div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span> </div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  <span class="keyword">auto</span> accu_neg = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span>  {</div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  <span class="keywordflow">return</span> first + (second < 0 ? second : 0);</div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  };</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> </div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span>  <span class="keyword">auto</span> accu_pos = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00451"></a><span class="lineno"> 451</span>  {</div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span>  <span class="keywordflow">return</span> first + (second > 0 ? second : 0);</div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  };</div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span> </div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span>  <span class="keyword">const</span> <span class="keywordtype">bool</span> only_positive_coefficients = std::all_of(conv_row, conv_row + size, gez) && std::all_of(conv_col, conv_col + size, gez);</div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span> </div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  <span class="keywordflow">if</span>(only_positive_coefficients)</div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  {</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0) * UINT8_MAX;</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0) * max_row_value;</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span> </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  first_stage = (max_row_value <= UINT16_MAX) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span> </div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  second_stage = (max_value <= UINT16_MAX) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  }</div><div class="line"><a name="l00466"></a><span class="lineno"> 466</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span>  {</div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_neg) * UINT8_MAX;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_pos) * UINT8_MAX;</div><div class="line"><a name="l00470"></a><span class="lineno"> 470</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> neg_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_neg);</div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> pos_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_pos);</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_value = neg_coeffs_sum * max_row_value + pos_coeffs_sum * min_row_value;</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = neg_coeffs_sum * min_row_value + pos_coeffs_sum * max_row_value;</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span> </div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span>  first_stage = ((INT16_MIN <= min_row_value) && (max_row_value <= INT16_MAX)) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> </div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  second_stage = ((INT16_MIN <= min_value) && (max_value <= INT16_MAX)) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  }</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span> </div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  <span class="keywordflow">return</span> std::make_pair(first_stage, second_stage);</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span> }</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span> </div><div class="line"><a name="l00491"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3992df9e8723140a53e49dc194d89ef5"> 491</a></span> <span class="keyword">inline</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="namespacearm__compute.xhtml#a3992df9e8723140a53e49dc194d89ef5">data_type_for_convolution_matrix</a>(<span class="keyword">const</span> int16_t *conv, <span class="keywordtype">size_t</span> size)</div><div class="line"><a name="l00492"></a><span class="lineno"> 492</span> {</div><div class="line"><a name="l00493"></a><span class="lineno"> 493</span>  <span class="keyword">auto</span> gez = [](<span class="keyword">const</span> int16_t v)</div><div class="line"><a name="l00494"></a><span class="lineno"> 494</span>  {</div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  <span class="keywordflow">return</span> v >= 0;</div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  };</div><div class="line"><a name="l00497"></a><span class="lineno"> 497</span> </div><div class="line"><a name="l00498"></a><span class="lineno"> 498</span>  <span class="keyword">const</span> <span class="keywordtype">bool</span> only_positive_coefficients = std::all_of(conv, conv + size, gez);</div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span> </div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  <span class="keywordflow">if</span>(only_positive_coefficients)</div><div class="line"><a name="l00501"></a><span class="lineno"> 501</span>  {</div><div class="line"><a name="l00502"></a><span class="lineno"> 502</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_conv_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0) * UINT8_MAX;</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span>  <span class="keywordflow">if</span>(max_conv_value <= UINT16_MAX)</div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  {</div><div class="line"><a name="l00505"></a><span class="lineno"> 505</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>;</div><div class="line"><a name="l00506"></a><span class="lineno"> 506</span>  }</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  {</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00510"></a><span class="lineno"> 510</span>  }</div><div class="line"><a name="l00511"></a><span class="lineno"> 511</span>  }</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00513"></a><span class="lineno"> 513</span>  {</div><div class="line"><a name="l00514"></a><span class="lineno"> 514</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0, [](<span class="keywordtype">int</span> a, <span class="keywordtype">int</span> b)</div><div class="line"><a name="l00515"></a><span class="lineno"> 515</span>  {</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  <span class="keywordflow">return</span> b < 0 ? a + b : a;</div><div class="line"><a name="l00517"></a><span class="lineno"> 517</span>  })</div><div class="line"><a name="l00518"></a><span class="lineno"> 518</span>  * UINT8_MAX;</div><div class="line"><a name="l00519"></a><span class="lineno"> 519</span> </div><div class="line"><a name="l00520"></a><span class="lineno"> 520</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0, [](<span class="keywordtype">int</span> a, <span class="keywordtype">int</span> b)</div><div class="line"><a name="l00521"></a><span class="lineno"> 521</span>  {</div><div class="line"><a name="l00522"></a><span class="lineno"> 522</span>  <span class="keywordflow">return</span> b > 0 ? a + b : a;</div><div class="line"><a name="l00523"></a><span class="lineno"> 523</span>  })</div><div class="line"><a name="l00524"></a><span class="lineno"> 524</span>  * UINT8_MAX;</div><div class="line"><a name="l00525"></a><span class="lineno"> 525</span> </div><div class="line"><a name="l00526"></a><span class="lineno"> 526</span>  <span class="keywordflow">if</span>((INT16_MIN <= min_value) && (INT16_MAX >= max_value))</div><div class="line"><a name="l00527"></a><span class="lineno"> 527</span>  {</div><div class="line"><a name="l00528"></a><span class="lineno"> 528</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>;</div><div class="line"><a name="l00529"></a><span class="lineno"> 529</span>  }</div><div class="line"><a name="l00530"></a><span class="lineno"> 530</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00531"></a><span class="lineno"> 531</span>  {</div><div class="line"><a name="l00532"></a><span class="lineno"> 532</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00533"></a><span class="lineno"> 533</span>  }</div><div class="line"><a name="l00534"></a><span class="lineno"> 534</span>  }</div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span> }</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span> </div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span> <span class="keyword">const</span> std::pair<unsigned int, unsigned int> <a class="code" href="namespacearm__compute.xhtml#a6fd2c972d67298469a6aad75879fffab">scaled_dimensions</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> kernel_size,</div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_x, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_y,</div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_x, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_y,</div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> round_type);</div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span> </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">string_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span> </div><div class="line"><a name="l00569"></a><span class="lineno"> 569</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a106c203dd6af234d38452ea0ee7b2ddc">string_from_channel</a>(<a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a> channel);</div><div class="line"><a name="l00570"></a><span class="lineno"> 570</span> </div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#aefa1d9648995e5eccc693c690e27aa88">string_from_data_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt);</div><div class="line"><a name="l00584"></a><span class="lineno"> 584</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a018795ab2489d17309e158ff5c060ab1">string_from_matrix_pattern</a>(<a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern);</div><div class="line"><a name="l00591"></a><span class="lineno"> 591</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#ac955c978e18cc9bf6daea31f13076fba">string_from_activation_func</a>(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationLayerInfo::ActivationFunction</a> act);</div><div class="line"><a name="l00598"></a><span class="lineno"> 598</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a14831547f57ecf5f0deef888ad41ad30">string_from_non_linear_filter_function</a>(<a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>);</div><div class="line"><a name="l00605"></a><span class="lineno"> 605</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#ade34f5e72f050fd3665f3294dfb15850">string_from_interpolation_policy</a>(<a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00612"></a><span class="lineno"> 612</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#abd15add5c6c7de5c8205ce236875aadd">string_from_border_mode</a>(<a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00619"></a><span class="lineno"> 619</span> std::string <a class="code" href="namespacearm__compute.xhtml#ab72adf11888176ec19224deef7b1a7dc">lower_string</a>(std::string val);</div><div class="line"><a name="l00620"></a><span class="lineno"> 620</span> </div><div class="line"><a name="l00621"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897"> 621</a></span> <span class="keyword">inline</span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897">is_data_type_float</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt)</div><div class="line"><a name="l00622"></a><span class="lineno"> 622</span> {</div><div class="line"><a name="l00623"></a><span class="lineno"> 623</span>  <span class="keywordflow">switch</span>(dt)</div><div class="line"><a name="l00624"></a><span class="lineno"> 624</span>  {</div><div class="line"><a name="l00625"></a><span class="lineno"> 625</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00626"></a><span class="lineno"> 626</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00627"></a><span class="lineno"> 627</span>  <span class="keywordflow">return</span> <span class="keyword">true</span>;</div><div class="line"><a name="l00628"></a><span class="lineno"> 628</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00629"></a><span class="lineno"> 629</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00630"></a><span class="lineno"> 630</span>  }</div><div class="line"><a name="l00631"></a><span class="lineno"> 631</span> }</div><div class="line"><a name="l00632"></a><span class="lineno"> 632</span> </div><div class="line"><a name="l00641"></a><span class="lineno"> 641</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00642"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aa3a28b8acd21301990e06377c64e1276"> 642</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#aa3a28b8acd21301990e06377c64e1276">print_consecutive_elements_impl</a>(std::ostream &s, <span class="keyword">const</span> T *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n, <span class="keywordtype">int</span> stream_width = 0, <span class="keyword">const</span> std::string &element_delim = <span class="stringliteral">" "</span>)</div><div class="line"><a name="l00643"></a><span class="lineno"> 643</span> {</div><div class="line"><a name="l00644"></a><span class="lineno"> 644</span>  <span class="keywordflow">for</span>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> i = 0; i < n; ++i)</div><div class="line"><a name="l00645"></a><span class="lineno"> 645</span>  {</div><div class="line"><a name="l00646"></a><span class="lineno"> 646</span>  <span class="comment">// Set stream width as it is not a "sticky" stream manipulator</span></div><div class="line"><a name="l00647"></a><span class="lineno"> 647</span>  <span class="keywordflow">if</span>(stream_width != 0)</div><div class="line"><a name="l00648"></a><span class="lineno"> 648</span>  {</div><div class="line"><a name="l00649"></a><span class="lineno"> 649</span>  s.width(stream_width);</div><div class="line"><a name="l00650"></a><span class="lineno"> 650</span>  }</div><div class="line"><a name="l00651"></a><span class="lineno"> 651</span>  s << std::right << ptr[i] << element_delim;</div><div class="line"><a name="l00652"></a><span class="lineno"> 652</span>  }</div><div class="line"><a name="l00653"></a><span class="lineno"> 653</span> }</div><div class="line"><a name="l00654"></a><span class="lineno"> 654</span> </div><div class="line"><a name="l00664"></a><span class="lineno"> 664</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00665"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aaecee617b967dd96f27d2f36732fb68e"> 665</a></span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#aaecee617b967dd96f27d2f36732fb68e">max_consecutive_elements_display_width_impl</a>(std::ostream &s, <span class="keyword">const</span> T *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n)</div><div class="line"><a name="l00666"></a><span class="lineno"> 666</span> {</div><div class="line"><a name="l00667"></a><span class="lineno"> 667</span>  <span class="keywordtype">int</span> max_width = -1;</div><div class="line"><a name="l00668"></a><span class="lineno"> 668</span>  <span class="keywordflow">for</span>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> i = 0; i < n; ++i)</div><div class="line"><a name="l00669"></a><span class="lineno"> 669</span>  {</div><div class="line"><a name="l00670"></a><span class="lineno"> 670</span>  std::stringstream ss;</div><div class="line"><a name="l00671"></a><span class="lineno"> 671</span>  ss.copyfmt(s);</div><div class="line"><a name="l00672"></a><span class="lineno"> 672</span>  ss << ptr[i];</div><div class="line"><a name="l00673"></a><span class="lineno"> 673</span>  max_width = std::max<int>(max_width, ss.str().size());</div><div class="line"><a name="l00674"></a><span class="lineno"> 674</span>  }</div><div class="line"><a name="l00675"></a><span class="lineno"> 675</span>  <span class="keywordflow">return</span> max_width;</div><div class="line"><a name="l00676"></a><span class="lineno"> 676</span> }</div><div class="line"><a name="l00677"></a><span class="lineno"> 677</span> </div><div class="line"><a name="l00687"></a><span class="lineno"> 687</span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#a51a0d2ae440bc8cab3fbbe84bfea8b1d">print_consecutive_elements</a>(std::ostream &s, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt, <span class="keyword">const</span> uint8_t *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n, <span class="keywordtype">int</span> stream_width, <span class="keyword">const</span> std::string &element_delim = <span class="stringliteral">" "</span>);</div><div class="line"><a name="l00688"></a><span class="lineno"> 688</span> </div><div class="line"><a name="l00698"></a><span class="lineno"> 698</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#ac3f2de3a35ff8d9a47b5b793637784e7">max_consecutive_elements_display_width</a>(std::ostream &s, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt, <span class="keyword">const</span> uint8_t *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n);</div><div class="line"><a name="l00699"></a><span class="lineno"> 699</span> }</div><div class="line"><a name="l00700"></a><span class="lineno"> 700</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_UTILS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00108">Types.h:108</a></div></div> +<a href="arm__compute_2core_2_utils_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __ARM_COMPUTE_UTILS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __ARM_COMPUTE_UTILS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_error_8h.xhtml">arm_compute/core/Error.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include <algorithm></span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include <cstdint></span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="preprocessor">#include <cstdlib></span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#include <numeric></span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include <sstream></span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include <string></span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#include <utility></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="keyword">namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00042"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#adf0c6059174045f80af46a0f1fb57bc6"> 42</a></span> <span class="keyword">inline</span> <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#adf0c6059174045f80af46a0f1fb57bc6">ceil_to_multiple</a>(S value, T divisor) -> decltype(((value + divisor - 1) / divisor) * divisor)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(value < 0 || divisor <= 0);</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">return</span> ((value + divisor - 1) / divisor) * divisor;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> }</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375"> 50</a></span> <span class="keyword">inline</span> <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375">floor_to_multiple</a>(S value, T divisor) -> decltype((value / divisor) * divisor)</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(value < 0 || divisor <= 0);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <span class="keywordflow">return</span> (value / divisor) * divisor;</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> <span class="keyword">template</span> <<span class="keyword">typename</span> S, <span class="keyword">typename</span> T></div><div class="line"><a name="l00058"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41"> 58</a></span> constexpr <span class="keyword">auto</span> <a class="code" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41">DIV_CEIL</a>(S val, T m) -> decltype((val + m - 1) / m)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">return</span> (val + m - 1) / m;</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> }</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> std::string <a class="code" href="namespacearm__compute.xhtml#a64c17a5a42d2499a1626222ff9753b4d">build_information</a>();</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> std::string <a class="code" href="namespacearm__compute.xhtml#aefa4a4d3136d77b85cccfce344f9f37f">read_file</a>(<span class="keyword">const</span> std::string &filename, <span class="keywordtype">bool</span> binary);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68"> 87</a></span> <span class="keyword">const</span> std::string <a class="code" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68">val_to_string</a>(T val)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <span class="keyword">static_cast<</span><span class="keyword">const </span>std::ostringstream &<span class="keyword">></span>(std::ostringstream() << val).str();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab"> 98</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">data_size_from_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> data_type)</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordflow">switch</span>(data_type)</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  {</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>:</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">DataType::S8</a>:</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>:</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>:</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>:</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>:</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">DataType::F64</a>:</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">DataType::U64</a>:</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">DataType::S64</a>:</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> 8;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">DataType::SIZET</a>:</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keywordflow">return</span> <span class="keyword">sizeof</span>(size_t);</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Invalid data type"</span>);</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> }</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> </div><div class="line"><a name="l00131"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4823543d67a2520c98669e2a5608ef6a"> 131</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a4823543d67a2520c98669e2a5608ef6a">pixel_size_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> {</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Undefined pixel size for given format"</span>);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  }</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> }</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00169"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0"> 169</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0">element_size_from_data_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt)</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span> {</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keywordflow">switch</span>(dt)</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  {</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>:</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>:</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>:</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>:</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>:</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Undefined element size for given data type"</span>);</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  }</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> }</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span> </div><div class="line"><a name="l00195"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a59846ef5ca75cd81cdb7e8a1ce08f9db"> 195</a></span> <span class="keyword">inline</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="namespacearm__compute.xhtml#a59846ef5ca75cd81cdb7e8a1ce08f9db">data_type_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span> {</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  {</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">DataType::U8</a>;</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>;</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>;</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">DataType::U32</a>;</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>;</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported data_type for given format"</span>);</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span> }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> </div><div class="line"><a name="l00236"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a4f6fe18760340bcec02d095b7099e923"> 236</a></span> <span class="keyword">inline</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#a4f6fe18760340bcec02d095b7099e923">plane_idx_from_channel</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format, <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a> channel)</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span> {</div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span>  {</div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  {</div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span>  <span class="keywordflow">switch</span>(channel)</div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span>  {</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Channel::Y</a>:</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">Channel::U</a>:</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">Channel::V</a>:</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported channel"</span>);</div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  }</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span>  }</div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  {</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  <span class="keywordflow">switch</span>(channel)</div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span>  {</div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Channel::Y</a>:</div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">Channel::U</a>:</div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">Channel::V</a>:</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported channel"</span>);</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  }</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  }</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported format"</span>);</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  }</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> }</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00283"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a2a71659def659c8b1c164023a99a25a9"> 283</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#a2a71659def659c8b1c164023a99a25a9">num_planes_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span> {</div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  {</div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Not supported format"</span>);</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  }</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span> }</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> </div><div class="line"><a name="l00317"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#ab14153fb809c18823af3c9c8bc4286cb"> 317</a></span> <span class="keyword">inline</span> <span class="keywordtype">size_t</span> <a class="code" href="namespacearm__compute.xhtml#ab14153fb809c18823af3c9c8bc4286cb">num_channels_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> {</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  <span class="keywordflow">switch</span>(format)</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">Format::U16</a>:</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">Format::S16</a>:</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">Format::U32</a>:</div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">Format::S32</a>:</div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">Format::F16</a>:</div><div class="line"><a name="l00327"></a><span class="lineno"> 327</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">Format::F32</a>:</div><div class="line"><a name="l00328"></a><span class="lineno"> 328</span>  <span class="keywordflow">return</span> 1;</div><div class="line"><a name="l00329"></a><span class="lineno"> 329</span>  <span class="comment">// Because the U and V channels are subsampled</span></div><div class="line"><a name="l00330"></a><span class="lineno"> 330</span>  <span class="comment">// these formats appear like having only 2 channels:</span></div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">Format::YUYV422</a>:</div><div class="line"><a name="l00332"></a><span class="lineno"> 332</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">Format::UYVY422</a>:</div><div class="line"><a name="l00333"></a><span class="lineno"> 333</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00334"></a><span class="lineno"> 334</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">Format::UV88</a>:</div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span>  <span class="keywordflow">return</span> 2;</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <span class="keywordflow">return</span> 3;</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">Format::RGBA8888</a>:</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <span class="keywordflow">return</span> 4;</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <span class="comment">//Doesn't make sense for planar formats:</span></div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">Format::NV12</a>:</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">Format::NV21</a>:</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">Format::IYUV</a>:</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">Format::YUV444</a>:</div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  }</div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span> }</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> </div><div class="line"><a name="l00359"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a18ec57dffc5c26864be77318111dfb2a"> 359</a></span> <span class="keyword">inline</span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#a18ec57dffc5c26864be77318111dfb2a">separate_matrix</a>(<span class="keyword">const</span> int16_t *conv, int16_t *conv_col, int16_t *conv_row, uint8_t size)</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span> {</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  int32_t min_col = -1;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span>  int16_t min_col_val = -1;</div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span> </div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  <span class="keywordflow">for</span>(int32_t i = 0; i < size; ++i)</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  {</div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  <span class="keywordflow">if</span>(conv[i] != 0 && (min_col < 0 || abs(min_col_val) > abs(conv[i])))</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span>  {</div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span>  min_col = i;</div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  min_col_val = conv[i];</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  }</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  }</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> </div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span>  <span class="keywordflow">if</span>(min_col < 0)</div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  {</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  }</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> </div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  <span class="keywordflow">for</span>(uint32_t j = 0; j < size; ++j)</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  {</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  conv_col[j] = conv[min_col + j * size];</div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span>  }</div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span> </div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">for</span>(uint32_t i = 0; i < size; i++)</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  {</div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  <span class="keywordflow">if</span>(static_cast<int>(i) == min_col)</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  {</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span>  conv_row[i] = 1;</div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  }</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  {</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  int16_t coeff = conv[i] / conv[min_col];</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span> </div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  <span class="keywordflow">for</span>(uint32_t j = 1; j < size; ++j)</div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  {</div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  <span class="keywordflow">if</span>(conv[i + j * size] != (conv_col[j] * coeff))</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  {</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  }</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  }</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span> </div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  conv_row[i] = coeff;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span>  }</div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span>  }</div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span> </div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  <span class="keywordflow">return</span> <span class="keyword">true</span>;</div><div class="line"><a name="l00406"></a><span class="lineno"> 406</span> }</div><div class="line"><a name="l00407"></a><span class="lineno"> 407</span> </div><div class="line"><a name="l00419"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a0101a40c4a6acc2af3b55afa7632f16a"> 419</a></span> <span class="keyword">inline</span> uint32_t <a class="code" href="namespacearm__compute.xhtml#a0101a40c4a6acc2af3b55afa7632f16a">calculate_matrix_scale</a>(<span class="keyword">const</span> int16_t *matrix, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> matrix_size)</div><div class="line"><a name="l00420"></a><span class="lineno"> 420</span> {</div><div class="line"><a name="l00421"></a><span class="lineno"> 421</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> size = matrix_size * matrix_size;</div><div class="line"><a name="l00422"></a><span class="lineno"> 422</span> </div><div class="line"><a name="l00423"></a><span class="lineno"> 423</span>  <span class="keywordflow">return</span> std::max(1, std::abs(<a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(matrix, matrix + size, 0)));</div><div class="line"><a name="l00424"></a><span class="lineno"> 424</span> }</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span> </div><div class="line"><a name="l00435"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a01adc12d8e07c06cdb0f03c56a455bf3"> 435</a></span> <span class="keyword">inline</span> std::pair<DataType, DataType> <a class="code" href="namespacearm__compute.xhtml#a01adc12d8e07c06cdb0f03c56a455bf3">data_type_for_convolution</a>(<span class="keyword">const</span> int16_t *conv_col, <span class="keyword">const</span> int16_t *conv_row, <span class="keywordtype">size_t</span> size)</div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> {</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> first_stage = <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> second_stage = <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">DataType::UNKNOWN</a>;</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> </div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  <span class="keyword">auto</span> gez = [](<span class="keyword">const</span> int16_t &v)</div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  {</div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  <span class="keywordflow">return</span> v >= 0;</div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  };</div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span> </div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  <span class="keyword">auto</span> accu_neg = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span>  {</div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  <span class="keywordflow">return</span> first + (second < 0 ? second : 0);</div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  };</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> </div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span>  <span class="keyword">auto</span> accu_pos = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00451"></a><span class="lineno"> 451</span>  {</div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span>  <span class="keywordflow">return</span> first + (second > 0 ? second : 0);</div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  };</div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span> </div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span>  <span class="keyword">const</span> <span class="keywordtype">bool</span> only_positive_coefficients = std::all_of(conv_row, conv_row + size, gez) && std::all_of(conv_col, conv_col + size, gez);</div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span> </div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  <span class="keywordflow">if</span>(only_positive_coefficients)</div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  {</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0) * UINT8_MAX;</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0) * max_row_value;</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span> </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  first_stage = (max_row_value <= UINT16_MAX) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span> </div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  second_stage = (max_value <= UINT16_MAX) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  }</div><div class="line"><a name="l00466"></a><span class="lineno"> 466</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span>  {</div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_neg) * UINT8_MAX;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_pos) * UINT8_MAX;</div><div class="line"><a name="l00470"></a><span class="lineno"> 470</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> neg_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_neg);</div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> pos_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_pos);</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_value = neg_coeffs_sum * max_row_value + pos_coeffs_sum * min_row_value;</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = neg_coeffs_sum * min_row_value + pos_coeffs_sum * max_row_value;</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span> </div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span>  first_stage = ((INT16_MIN <= min_row_value) && (max_row_value <= INT16_MAX)) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> </div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  second_stage = ((INT16_MIN <= min_value) && (max_value <= INT16_MAX)) ? <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a> : <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  }</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span> </div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  <span class="keywordflow">return</span> std::make_pair(first_stage, second_stage);</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span> }</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span> </div><div class="line"><a name="l00491"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#a3992df9e8723140a53e49dc194d89ef5"> 491</a></span> <span class="keyword">inline</span> <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> <a class="code" href="namespacearm__compute.xhtml#a3992df9e8723140a53e49dc194d89ef5">data_type_for_convolution_matrix</a>(<span class="keyword">const</span> int16_t *conv, <span class="keywordtype">size_t</span> size)</div><div class="line"><a name="l00492"></a><span class="lineno"> 492</span> {</div><div class="line"><a name="l00493"></a><span class="lineno"> 493</span>  <span class="keyword">auto</span> gez = [](<span class="keyword">const</span> int16_t v)</div><div class="line"><a name="l00494"></a><span class="lineno"> 494</span>  {</div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  <span class="keywordflow">return</span> v >= 0;</div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  };</div><div class="line"><a name="l00497"></a><span class="lineno"> 497</span> </div><div class="line"><a name="l00498"></a><span class="lineno"> 498</span>  <span class="keyword">const</span> <span class="keywordtype">bool</span> only_positive_coefficients = std::all_of(conv, conv + size, gez);</div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span> </div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  <span class="keywordflow">if</span>(only_positive_coefficients)</div><div class="line"><a name="l00501"></a><span class="lineno"> 501</span>  {</div><div class="line"><a name="l00502"></a><span class="lineno"> 502</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_conv_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0) * UINT8_MAX;</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span>  <span class="keywordflow">if</span>(max_conv_value <= UINT16_MAX)</div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  {</div><div class="line"><a name="l00505"></a><span class="lineno"> 505</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">DataType::U16</a>;</div><div class="line"><a name="l00506"></a><span class="lineno"> 506</span>  }</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  {</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00510"></a><span class="lineno"> 510</span>  }</div><div class="line"><a name="l00511"></a><span class="lineno"> 511</span>  }</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00513"></a><span class="lineno"> 513</span>  {</div><div class="line"><a name="l00514"></a><span class="lineno"> 514</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0, [](<span class="keywordtype">int</span> a, <span class="keywordtype">int</span> b)</div><div class="line"><a name="l00515"></a><span class="lineno"> 515</span>  {</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  <span class="keywordflow">return</span> b < 0 ? a + b : a;</div><div class="line"><a name="l00517"></a><span class="lineno"> 517</span>  })</div><div class="line"><a name="l00518"></a><span class="lineno"> 518</span>  * UINT8_MAX;</div><div class="line"><a name="l00519"></a><span class="lineno"> 519</span> </div><div class="line"><a name="l00520"></a><span class="lineno"> 520</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv, conv + size, 0, [](<span class="keywordtype">int</span> a, <span class="keywordtype">int</span> b)</div><div class="line"><a name="l00521"></a><span class="lineno"> 521</span>  {</div><div class="line"><a name="l00522"></a><span class="lineno"> 522</span>  <span class="keywordflow">return</span> b > 0 ? a + b : a;</div><div class="line"><a name="l00523"></a><span class="lineno"> 523</span>  })</div><div class="line"><a name="l00524"></a><span class="lineno"> 524</span>  * UINT8_MAX;</div><div class="line"><a name="l00525"></a><span class="lineno"> 525</span> </div><div class="line"><a name="l00526"></a><span class="lineno"> 526</span>  <span class="keywordflow">if</span>((INT16_MIN <= min_value) && (INT16_MAX >= max_value))</div><div class="line"><a name="l00527"></a><span class="lineno"> 527</span>  {</div><div class="line"><a name="l00528"></a><span class="lineno"> 528</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">DataType::S16</a>;</div><div class="line"><a name="l00529"></a><span class="lineno"> 529</span>  }</div><div class="line"><a name="l00530"></a><span class="lineno"> 530</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00531"></a><span class="lineno"> 531</span>  {</div><div class="line"><a name="l00532"></a><span class="lineno"> 532</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">DataType::S32</a>;</div><div class="line"><a name="l00533"></a><span class="lineno"> 533</span>  }</div><div class="line"><a name="l00534"></a><span class="lineno"> 534</span>  }</div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span> }</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span> </div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span> <span class="keyword">const</span> std::pair<unsigned int, unsigned int> <a class="code" href="namespacearm__compute.xhtml#a6fd2c972d67298469a6aad75879fffab">scaled_dimensions</a>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> kernel_size,</div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_x, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> stride_y,</div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_x, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> pad_y,</div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">DimensionRoundingType</a> round_type);</div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span> </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">string_from_format</a>(<a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format);</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span> </div><div class="line"><a name="l00569"></a><span class="lineno"> 569</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a106c203dd6af234d38452ea0ee7b2ddc">string_from_channel</a>(<a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">Channel</a> channel);</div><div class="line"><a name="l00570"></a><span class="lineno"> 570</span> </div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#aefa1d9648995e5eccc693c690e27aa88">string_from_data_type</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt);</div><div class="line"><a name="l00584"></a><span class="lineno"> 584</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a018795ab2489d17309e158ff5c060ab1">string_from_matrix_pattern</a>(<a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">MatrixPattern</a> pattern);</div><div class="line"><a name="l00591"></a><span class="lineno"> 591</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#ac955c978e18cc9bf6daea31f13076fba">string_from_activation_func</a>(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">ActivationLayerInfo::ActivationFunction</a> act);</div><div class="line"><a name="l00598"></a><span class="lineno"> 598</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#a14831547f57ecf5f0deef888ad41ad30">string_from_non_linear_filter_function</a>(<a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">NonLinearFilterFunction</a> <span class="keyword">function</span>);</div><div class="line"><a name="l00605"></a><span class="lineno"> 605</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#ade34f5e72f050fd3665f3294dfb15850">string_from_interpolation_policy</a>(<a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">InterpolationPolicy</a> policy);</div><div class="line"><a name="l00612"></a><span class="lineno"> 612</span> <span class="keyword">const</span> std::string &<a class="code" href="namespacearm__compute.xhtml#abd15add5c6c7de5c8205ce236875aadd">string_from_border_mode</a>(<a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode);</div><div class="line"><a name="l00619"></a><span class="lineno"> 619</span> std::string <a class="code" href="namespacearm__compute.xhtml#ab72adf11888176ec19224deef7b1a7dc">lower_string</a>(std::string val);</div><div class="line"><a name="l00620"></a><span class="lineno"> 620</span> </div><div class="line"><a name="l00621"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897"> 621</a></span> <span class="keyword">inline</span> <span class="keywordtype">bool</span> <a class="code" href="namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897">is_data_type_float</a>(<a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt)</div><div class="line"><a name="l00622"></a><span class="lineno"> 622</span> {</div><div class="line"><a name="l00623"></a><span class="lineno"> 623</span>  <span class="keywordflow">switch</span>(dt)</div><div class="line"><a name="l00624"></a><span class="lineno"> 624</span>  {</div><div class="line"><a name="l00625"></a><span class="lineno"> 625</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">DataType::F16</a>:</div><div class="line"><a name="l00626"></a><span class="lineno"> 626</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">DataType::F32</a>:</div><div class="line"><a name="l00627"></a><span class="lineno"> 627</span>  <span class="keywordflow">return</span> <span class="keyword">true</span>;</div><div class="line"><a name="l00628"></a><span class="lineno"> 628</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00629"></a><span class="lineno"> 629</span>  <span class="keywordflow">return</span> <span class="keyword">false</span>;</div><div class="line"><a name="l00630"></a><span class="lineno"> 630</span>  }</div><div class="line"><a name="l00631"></a><span class="lineno"> 631</span> }</div><div class="line"><a name="l00632"></a><span class="lineno"> 632</span> </div><div class="line"><a name="l00641"></a><span class="lineno"> 641</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00642"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aa3a28b8acd21301990e06377c64e1276"> 642</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#aa3a28b8acd21301990e06377c64e1276">print_consecutive_elements_impl</a>(std::ostream &s, <span class="keyword">const</span> T *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n, <span class="keywordtype">int</span> stream_width = 0, <span class="keyword">const</span> std::string &element_delim = <span class="stringliteral">" "</span>)</div><div class="line"><a name="l00643"></a><span class="lineno"> 643</span> {</div><div class="line"><a name="l00644"></a><span class="lineno"> 644</span>  <span class="keywordflow">for</span>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> i = 0; i < n; ++i)</div><div class="line"><a name="l00645"></a><span class="lineno"> 645</span>  {</div><div class="line"><a name="l00646"></a><span class="lineno"> 646</span>  <span class="comment">// Set stream width as it is not a "sticky" stream manipulator</span></div><div class="line"><a name="l00647"></a><span class="lineno"> 647</span>  <span class="keywordflow">if</span>(stream_width != 0)</div><div class="line"><a name="l00648"></a><span class="lineno"> 648</span>  {</div><div class="line"><a name="l00649"></a><span class="lineno"> 649</span>  s.width(stream_width);</div><div class="line"><a name="l00650"></a><span class="lineno"> 650</span>  }</div><div class="line"><a name="l00651"></a><span class="lineno"> 651</span>  s << std::right << ptr[i] << element_delim;</div><div class="line"><a name="l00652"></a><span class="lineno"> 652</span>  }</div><div class="line"><a name="l00653"></a><span class="lineno"> 653</span> }</div><div class="line"><a name="l00654"></a><span class="lineno"> 654</span> </div><div class="line"><a name="l00664"></a><span class="lineno"> 664</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00665"></a><span class="lineno"><a class="line" href="namespacearm__compute.xhtml#aaecee617b967dd96f27d2f36732fb68e"> 665</a></span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#aaecee617b967dd96f27d2f36732fb68e">max_consecutive_elements_display_width_impl</a>(std::ostream &s, <span class="keyword">const</span> T *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n)</div><div class="line"><a name="l00666"></a><span class="lineno"> 666</span> {</div><div class="line"><a name="l00667"></a><span class="lineno"> 667</span>  <span class="keywordtype">int</span> max_width = -1;</div><div class="line"><a name="l00668"></a><span class="lineno"> 668</span>  <span class="keywordflow">for</span>(<span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> i = 0; i < n; ++i)</div><div class="line"><a name="l00669"></a><span class="lineno"> 669</span>  {</div><div class="line"><a name="l00670"></a><span class="lineno"> 670</span>  std::stringstream ss;</div><div class="line"><a name="l00671"></a><span class="lineno"> 671</span>  ss.copyfmt(s);</div><div class="line"><a name="l00672"></a><span class="lineno"> 672</span>  ss << ptr[i];</div><div class="line"><a name="l00673"></a><span class="lineno"> 673</span>  max_width = std::max<int>(max_width, ss.str().size());</div><div class="line"><a name="l00674"></a><span class="lineno"> 674</span>  }</div><div class="line"><a name="l00675"></a><span class="lineno"> 675</span>  <span class="keywordflow">return</span> max_width;</div><div class="line"><a name="l00676"></a><span class="lineno"> 676</span> }</div><div class="line"><a name="l00677"></a><span class="lineno"> 677</span> </div><div class="line"><a name="l00687"></a><span class="lineno"> 687</span> <span class="keywordtype">void</span> <a class="code" href="namespacearm__compute.xhtml#a51a0d2ae440bc8cab3fbbe84bfea8b1d">print_consecutive_elements</a>(std::ostream &s, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt, <span class="keyword">const</span> uint8_t *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n, <span class="keywordtype">int</span> stream_width, <span class="keyword">const</span> std::string &element_delim = <span class="stringliteral">" "</span>);</div><div class="line"><a name="l00688"></a><span class="lineno"> 688</span> </div><div class="line"><a name="l00698"></a><span class="lineno"> 698</span> <span class="keywordtype">int</span> <a class="code" href="namespacearm__compute.xhtml#ac3f2de3a35ff8d9a47b5b793637784e7">max_consecutive_elements_display_width</a>(std::ostream &s, <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> dt, <span class="keyword">const</span> uint8_t *ptr, <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> n);</div><div class="line"><a name="l00699"></a><span class="lineno"> 699</span> }</div><div class="line"><a name="l00700"></a><span class="lineno"> 700</span> <span class="preprocessor">#endif </span><span class="comment">/*__ARM_COMPUTE_UTILS_H__ */</span><span class="preprocessor"></span></div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">arm_compute::BorderMode</a></div><div class="ttdeci">BorderMode</div><div class="ttdoc">Methods available to handle borders. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00121">Types.h:121</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf0c6059174045f80af46a0f1fb57bc6"><div class="ttname"><a href="namespacearm__compute.xhtml#adf0c6059174045f80af46a0f1fb57bc6">arm_compute::ceil_to_multiple</a></div><div class="ttdeci">auto ceil_to_multiple(S value, T divisor) -> decltype(((value+divisor-1)/divisor)*divisor)</div><div class="ttdoc">Computes the smallest number larger or equal to value that is a multiple of divisor. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00042">Utils.h:42</a></div></div> <div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a106c203dd6af234d38452ea0ee7b2ddc"><div class="ttname"><a href="namespacearm__compute.xhtml#a106c203dd6af234d38452ea0ee7b2ddc">arm_compute::string_from_channel</a></div><div class="ttdeci">const std::string & string_from_channel(Channel channel)</div><div class="ttdoc">Convert a channel identity into a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">arm_compute::Format::UYVY422</a></div><div class="ttdoc">A 3 plane of 8-bit 4:2:0 sampled Y, U, V planes. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9">arm_compute::InterpolationPolicy</a></div><div class="ttdeci">InterpolationPolicy</div><div class="ttdoc">Interpolation method. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00201">Types.h:201</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ade34f5e72f050fd3665f3294dfb15850"><div class="ttname"><a href="namespacearm__compute.xhtml#ade34f5e72f050fd3665f3294dfb15850">arm_compute::string_from_interpolation_policy</a></div><div class="ttdeci">const std::string & string_from_interpolation_policy(InterpolationPolicy policy)</div><div class="ttdoc">Translates a given interpolation policy to a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac3f2de3a35ff8d9a47b5b793637784e7"><div class="ttname"><a href="namespacearm__compute.xhtml#ac3f2de3a35ff8d9a47b5b793637784e7">arm_compute::max_consecutive_elements_display_width</a></div><div class="ttdeci">int max_consecutive_elements_display_width(std::ostream &s, DataType dt, const uint8_t *ptr, unsigned int n)</div><div class="ttdoc">Identify the maximum width of n consecutive elements. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a4f6fe18760340bcec02d095b7099e923"><div class="ttname"><a href="namespacearm__compute.xhtml#a4f6fe18760340bcec02d095b7099e923">arm_compute::plane_idx_from_channel</a></div><div class="ttdeci">int plane_idx_from_channel(Format format, Channel channel)</div><div class="ttdoc">Return the plane index of a given channel given an input format. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00236">Utils.h:236</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a34b06c0cd94808a77b697e79880b84b0"><div class="ttname"><a href="namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0">arm_compute::element_size_from_data_type</a></div><div class="ttdeci">size_t element_size_from_data_type(DataType dt)</div><div class="ttdoc">The size in bytes of the data type. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00169">Utils.h:169</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">arm_compute::Format::F32</a></div><div class="ttdoc">1 channel, 1 F16 per channel </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">arm_compute::DimensionRoundingType</a></div><div class="ttdeci">DimensionRoundingType</div><div class="ttdoc">Dimension rounding type when down-scaling on CNNs. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00348">Types.h:348</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849a">arm_compute::DimensionRoundingType</a></div><div class="ttdeci">DimensionRoundingType</div><div class="ttdoc">Dimension rounding type when down-scaling on CNNs. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00361">Types.h:361</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a01adc12d8e07c06cdb0f03c56a455bf3"><div class="ttname"><a href="namespacearm__compute.xhtml#a01adc12d8e07c06cdb0f03c56a455bf3">arm_compute::data_type_for_convolution</a></div><div class="ttdeci">std::pair< DataType, DataType > data_type_for_convolution(const int16_t *conv_col, const int16_t *conv_row, size_t size)</div><div class="ttdoc">Calculate accurary required by the horizontal and vertical convolution computations. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00435">Utils.h:435</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ae350823b5c93227dc33f1105ece06d68"><div class="ttname"><a href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68">arm_compute::val_to_string</a></div><div class="ttdeci">const std::string val_to_string(T val)</div><div class="ttdoc">Return a value as a string. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00087">Utils.h:87</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab72adf11888176ec19224deef7b1a7dc"><div class="ttname"><a href="namespacearm__compute.xhtml#ab72adf11888176ec19224deef7b1a7dc">arm_compute::lower_string</a></div><div class="ttdeci">std::string lower_string(std::string val)</div><div class="ttdoc">Lower a given string. </div></div> @@ -149,7 +149,7 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">arm_compute::Format::NV21</a></div><div class="ttdoc">A 2 plane YUV format of Luma (Y) and interleaved UV data at 4:2:0 sampling. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a14831547f57ecf5f0deef888ad41ad30"><div class="ttname"><a href="namespacearm__compute.xhtml#a14831547f57ecf5f0deef888ad41ad30">arm_compute::string_from_non_linear_filter_function</a></div><div class="ttdeci">const std::string & string_from_non_linear_filter_function(NonLinearFilterFunction function)</div><div class="ttdoc">Translates a given non linear function to a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00438">Types.h:438</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a56297e0f7b215eea46c818cb7528d9ea"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9ea">arm_compute::ActivationLayerInfo::ActivationFunction</a></div><div class="ttdeci">ActivationFunction</div><div class="ttdoc">Available activation functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00451">Types.h:451</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">arm_compute::Format::F16</a></div><div class="ttdoc">1 channel, 1 U32 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">arm_compute::Format::S32</a></div><div class="ttdoc">1 channel, 1 U16 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">arm_compute::DataType::S64</a></div></div> @@ -157,8 +157,8 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">arm_compute::DataType::SIZET</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">arm_compute::Format::U32</a></div><div class="ttdoc">1 channel, 1 S32 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">arm_compute::Channel::U</a></div><div class="ttdoc">Cb/U channel. </div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00280">Types.h:280</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455a"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455a">arm_compute::Channel</a></div><div class="ttdeci">Channel</div><div class="ttdoc">Available channels. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00293">Types.h:293</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ac955c978e18cc9bf6daea31f13076fba"><div class="ttname"><a href="namespacearm__compute.xhtml#ac955c978e18cc9bf6daea31f13076fba">arm_compute::string_from_activation_func</a></div><div class="ttdeci">const std::string & string_from_activation_func(ActivationLayerInfo::ActivationFunction act)</div><div class="ttdoc">Translates a given activation function to a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a6959e681668a37a9242d2aae4e8b4375"><div class="ttname"><a href="namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375">arm_compute::floor_to_multiple</a></div><div class="ttdeci">auto floor_to_multiple(S value, T divisor) -> decltype((value/divisor)*divisor)</div><div class="ttdoc">Computes the largest number smaller or equal to value that is a multiple of divisor. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00050">Utils.h:50</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_aaecee617b967dd96f27d2f36732fb68e"><div class="ttname"><a href="namespacearm__compute.xhtml#aaecee617b967dd96f27d2f36732fb68e">arm_compute::max_consecutive_elements_display_width_impl</a></div><div class="ttdeci">int max_consecutive_elements_display_width_impl(std::ostream &s, const T *ptr, unsigned int n)</div><div class="ttdoc">Identify the maximum width of n consecutive elements. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00665">Utils.h:665</a></div></div> @@ -180,12 +180,12 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">arm_compute::Format::YUYV422</a></div><div class="ttdoc">A 3 plane of 8 bit 4:4:4 sampled Y, U, V planes. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_aefa4a4d3136d77b85cccfce344f9f37f"><div class="ttname"><a href="namespacearm__compute.xhtml#aefa4a4d3136d77b85cccfce344f9f37f">arm_compute::read_file</a></div><div class="ttdeci">std::string read_file(const std::string &filename, bool binary)</div><div class="ttdoc">Load an entire file in memory. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">arm_compute::DataType::U64</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a9c92c867fc64454545668d87b20979eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">arm_compute::string_from_format</a></div><div class="ttdeci">const std::string & string_from_format(Format format)</div><div class="ttdoc">Convert a tensor format into a string. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a51a0d2ae440bc8cab3fbbe84bfea8b1d"><div class="ttname"><a href="namespacearm__compute.xhtml#a51a0d2ae440bc8cab3fbbe84bfea8b1d">arm_compute::print_consecutive_elements</a></div><div class="ttdeci">void print_consecutive_elements(std::ostream &s, DataType dt, const uint8_t *ptr, unsigned int n, int stream_width, const std::string &element_delim=" ")</div><div class="ttdoc">Print consecutive elements to an output stream. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">arm_compute::DataType::S8</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00297">Types.h:297</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00306">Types.h:306</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02">arm_compute::MatrixPattern</a></div><div class="ttdeci">MatrixPattern</div><div class="ttdoc">Available matrix patterns. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00310">Types.h:310</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858">arm_compute::NonLinearFilterFunction</a></div><div class="ttdeci">NonLinearFilterFunction</div><div class="ttdoc">Available non linear functions. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00319">Types.h:319</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_af5982a092e9eb743fce2d6392bdd8897"><div class="ttname"><a href="namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897">arm_compute::is_data_type_float</a></div><div class="ttdeci">bool is_data_type_float(DataType dt)</div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00621">Utils.h:621</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a3992df9e8723140a53e49dc194d89ef5"><div class="ttname"><a href="namespacearm__compute.xhtml#a3992df9e8723140a53e49dc194d89ef5">arm_compute::data_type_for_convolution_matrix</a></div><div class="ttdeci">DataType data_type_for_convolution_matrix(const int16_t *conv, size_t size)</div><div class="ttdoc">Calculate the accuracy required by the squared convolution calculation. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00491">Utils.h:491</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -194,7 +194,7 @@ $(document).ready(function(){initNavTree('arm__compute_2core_2_utils_8h_source.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="arm__compute_2core_2_utils_8h.xhtml">Utils.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/arm__compute_8dox.xhtml b/documentation/arm__compute_8dox.xhtml index b5cf60783..98a6c01d0 100644 --- a/documentation/arm__compute_8dox.xhtml +++ b/documentation/arm__compute_8dox.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ Namespaces</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="arm__compute_8dox.xhtml">arm_compute.dox</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/bitwise__op_8cl.xhtml b/documentation/bitwise__op_8cl.xhtml index 5b966d103..f727af106 100644 --- a/documentation/bitwise__op_8cl.xhtml +++ b/documentation/bitwise__op_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -718,7 +718,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="bitwise__op_8cl.xhtml">bitwise_op.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/bitwise__op_8cl_source.xhtml b/documentation/bitwise__op_8cl_source.xhtml index 67b71beb8..8410834fc 100644 --- a/documentation/bitwise__op_8cl_source.xhtml +++ b/documentation/bitwise__op_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('bitwise__op_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="bitwise__op_8cl.xhtml">bitwise_op.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/canny_8cl.xhtml b/documentation/canny_8cl.xhtml index b89f57a18..a07bd1dd0 100644 --- a/documentation/canny_8cl.xhtml +++ b/documentation/canny_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -1176,7 +1176,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="canny_8cl.xhtml">canny.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/canny_8cl_source.xhtml b/documentation/canny_8cl_source.xhtml index 54430031b..4ac16bfb8 100644 --- a/documentation/canny_8cl_source.xhtml +++ b/documentation/canny_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ $(document).ready(function(){initNavTree('canny_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="canny_8cl.xhtml">canny.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/channel__combine_8cl.xhtml b/documentation/channel__combine_8cl.xhtml index 973091ee6..4519245c2 100644 --- a/documentation/channel__combine_8cl.xhtml +++ b/documentation/channel__combine_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -1512,7 +1512,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="channel__combine_8cl.xhtml">channel_combine.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/channel__combine_8cl_source.xhtml b/documentation/channel__combine_8cl_source.xhtml index 50c4d0039..2ac860147 100644 --- a/documentation/channel__combine_8cl_source.xhtml +++ b/documentation/channel__combine_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('channel__combine_8cl_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="channel__combine_8cl.xhtml">channel_combine.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/channel__extract_8cl.xhtml b/documentation/channel__extract_8cl.xhtml index 545a6ca42..fef893d8c 100644 --- a/documentation/channel__extract_8cl.xhtml +++ b/documentation/channel__extract_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -945,7 +945,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="channel__extract_8cl.xhtml">channel_extract.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/channel__extract_8cl_source.xhtml b/documentation/channel__extract_8cl_source.xhtml index 4f7ff9412..0d6545243 100644 --- a/documentation/channel__extract_8cl_source.xhtml +++ b/documentation/channel__extract_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('channel__extract_8cl_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="channel__extract_8cl.xhtml">channel_extract.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/cl__convolution_8cpp.xhtml b/documentation/cl__convolution_8cpp.xhtml index 3ee87044d..172f10239 100644 --- a/documentation/cl__convolution_8cpp.xhtml +++ b/documentation/cl__convolution_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -200,9 +200,9 @@ Variables</h2></td></tr> <p>Definition at line <a class="el" href="cl__convolution_8cpp_source.xhtml#l00115">115</a> of file <a class="el" href="cl__convolution_8cpp_source.xhtml">cl_convolution.cpp</a>.</p> -<p>References <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> +<p>References <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> <div class="fragment"><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a>);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> }</div><div class="ttc" id="cl__convolution_8cpp_xhtml_a63683d6451d68be4415ea2a694b350e7"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a></div><div class="ttdeci">void main_cl_convolution(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00053">cl_convolution.cpp:53</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> </div><!-- fragment --> </div> </div> @@ -232,26 +232,26 @@ Variables</h2></td></tr> <p>Definition at line <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">53</a> of file <a class="el" href="cl__convolution_8cpp_source.xhtml">cl_convolution.cpp</a>.</p> -<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolution3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolutionSquare< matrix_size >::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="cl__convolution_8cpp_source.xhtml#l00035">gaussian3x3</a>, <a class="el" href="cl__convolution_8cpp_source.xhtml#l00044">gaussian5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">PPMLoader::is_open()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionSquare< matrix_size >::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> +<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolution3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolutionSquare< matrix_size >::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="cl__convolution_8cpp_source.xhtml#l00035">gaussian3x3</a>, <a class="el" href="cl__convolution_8cpp_source.xhtml#l00044">gaussian5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionSquare< matrix_size >::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00115">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  }</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  }</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  {</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  }</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="comment">// Execute the functions:</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  CLScheduler::get().sync();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml">arm_compute::CLConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00046">CLConvolution.h:46</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="fragment"><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  }</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  }</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  {</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  }</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="comment">// Execute the functions:</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  CLScheduler::get().sync();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml">arm_compute::CLConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00046">CLConvolution.h:46</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml_a26e1b4686b1f2d591d62d11585114a82"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">arm_compute::CLConvolutionSquare::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLConvolutionSquare::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a565013cf7e49a591bacd548571951f94"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a></div><div class="ttdeci">const int16_t gaussian5x5[]</div><div class="ttdoc">Gaussian 5x5 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00044">cl_convolution.cpp:44</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml">arm_compute::CLConvolutionSquare</a></div><div class="ttdoc">Basic function to execute square convolution.Currently it supports 5x5, 7x7, 9x9. ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00069">CLConvolution.h:69</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a741ba5321da40184f8653e0a50ace070"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a></div><div class="ttdeci">const int16_t gaussian3x3[]</div><div class="ttdoc">Gaussian 3x3 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00035">cl_convolution.cpp:35</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml_a26e1b4686b1f2d591d62d11585114a82"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">arm_compute::CLConvolution3x3::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> @@ -301,7 +301,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="cl__convolution_8cpp.xhtml">cl_convolution.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/cl__convolution_8cpp_source.xhtml b/documentation/cl__convolution_8cpp_source.xhtml index 6b61f24d9..a1901254b 100644 --- a/documentation/cl__convolution_8cpp_source.xhtml +++ b/documentation/cl__convolution_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,39 +116,39 @@ $(document).ready(function(){initNavTree('cl__convolution_8cpp_source.xhtml','') <div class="title">cl_convolution.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="cl__convolution_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070"> 35</a></span> <span class="keyword">const</span> int16_t <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>[] =</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  1, 2, 1,</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  2, 4, 2,</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  1, 2, 1</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> };</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94"> 44</a></span> <span class="keyword">const</span> int16_t <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>[] =</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  1, 4, 6, 4, 1,</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  6, 24, 36, 24, 6,</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  1, 4, 6, 4, 1</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> };</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7"> 53</a></span> <span class="keywordtype">void</span> <a class="code" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  }</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  }</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  {</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  }</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="comment">// Execute the functions:</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> }</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> </div><div class="line"><a name="l00115"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 115</a></span> <span class="keywordtype">int</span> <a class="code" href="cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a>);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml">arm_compute::CLConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00046">CLConvolution.h:46</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<a href="cl__convolution_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070"> 35</a></span> <span class="keyword">const</span> int16_t <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>[] =</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> {</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  1, 2, 1,</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  2, 4, 2,</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  1, 2, 1</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> };</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00044"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94"> 44</a></span> <span class="keyword">const</span> int16_t <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>[] =</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> {</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  1, 4, 6, 4, 1,</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  6, 24, 36, 24, 6,</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  1, 4, 6, 4, 1</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> };</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7"> 53</a></span> <span class="keywordtype">void</span> <a class="code" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  }</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  {</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  }</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(*src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>());</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> </div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">configure</a>(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  {</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  }</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span> </div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="comment">// Execute the functions:</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv5x5.<a class="code" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  {</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> }</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> </div><div class="line"><a name="l00115"></a><span class="lineno"><a class="line" href="cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 115</a></span> <span class="keywordtype">int</span> <a class="code" href="cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a>);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml">arm_compute::CLConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00046">CLConvolution.h:46</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml_a26e1b4686b1f2d591d62d11585114a82"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82">arm_compute::CLConvolutionSquare::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLConvolutionSquare::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a19bb5002a62b62e050e89c975f7b9fdf"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">arm_compute::CLScheduler::default_init</a></div><div class="ttdeci">void default_init()</div><div class="ttdoc">Initialises the context and command queue used by the scheduler to default values and sets a default ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler.h:50</a></div></div> <div class="ttc" id="_c_l_scheduler_8h_xhtml"><div class="ttname"><a href="_c_l_scheduler_8h.xhtml">CLScheduler.h</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a217dbf8b442f20279ea00b898af96f52"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a></div><div class="ttdeci">int main(int argc, const char **argv)</div><div class="ttdoc">Main program for convolution test. </div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00115">cl_convolution.cpp:115</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a60f9a6836b628a7171914c4afe43b4a7"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">arm_compute::CLScheduler::get</a></div><div class="ttdeci">static CLScheduler & get()</div><div class="ttdoc">Access the scheduler singleton. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a63683d6451d68be4415ea2a694b350e7"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7">main_cl_convolution</a></div><div class="ttdeci">void main_cl_convolution(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00053">cl_convolution.cpp:53</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a565013cf7e49a591bacd548571951f94"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a></div><div class="ttdeci">const int16_t gaussian5x5[]</div><div class="ttdoc">Gaussian 5x5 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00044">cl_convolution.cpp:44</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_ad55f80ed3cd8b6c4f247763b747016af"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">arm_compute::CLScheduler::sync</a></div><div class="ttdeci">void sync()</div><div class="ttdoc">Blocks until all commands in the associated command queue have finished. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler.h:110</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution_square_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution_square.xhtml">arm_compute::CLConvolutionSquare</a></div><div class="ttdoc">Basic function to execute square convolution.Currently it supports 5x5, 7x7, 9x9. ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_convolution_8h_source.xhtml#l00069">CLConvolution.h:69</a></div></div> <div class="ttc" id="cl__convolution_8cpp_xhtml_a741ba5321da40184f8653e0a50ace070"><div class="ttname"><a href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a></div><div class="ttdeci">const int16_t gaussian3x3[]</div><div class="ttdoc">Gaussian 3x3 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="cl__convolution_8cpp_source.xhtml#l00035">cl_convolution.cpp:35</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_convolution3x3_xhtml_a26e1b4686b1f2d591d62d11585114a82"><div class="ttname"><a href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">arm_compute::CLConvolution3x3::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="_c_l_functions_8h_xhtml"><div class="ttname"><a href="_c_l_functions_8h.xhtml">CLFunctions.h</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -156,7 +156,7 @@ $(document).ready(function(){initNavTree('cl__convolution_8cpp_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="cl__convolution_8cpp.xhtml">cl_convolution.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/cl__events_8cpp.xhtml b/documentation/cl__events_8cpp.xhtml index de1998524..0aa2a7ecc 100644 --- a/documentation/cl__events_8cpp.xhtml +++ b/documentation/cl__events_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -190,9 +190,9 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="cl__events_8cpp_source.xhtml#l00111">111</a> of file <a class="el" href="cl__events_8cpp_source.xhtml">cl_events.cpp</a>.</p> -<p>References <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> +<p>References <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> <div class="fragment"><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a>);</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> }</div><div class="ttc" id="cl__events_8cpp_xhtml_a5eb01b416cc3221d024edaf6eddee305"><div class="ttname"><a href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a></div><div class="ttdeci">void main_cl_events(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="cl__events_8cpp_source.xhtml#l00033">cl_events.cpp:33</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> </div><!-- fragment --> </div> </div> @@ -224,26 +224,26 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="cl__events_8cpp_source.xhtml#l00033">33</a> of file <a class="el" href="cl__events_8cpp_source.xhtml">cl_events.cpp</a>.</p> -<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">CLScale::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">CLMedian3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">CLGaussian5x5::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00190">TensorInfo::dimension()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00119">CLScheduler::enqueue_sync_event()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">PPMLoader::is_open()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::REPLICATE</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> +<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">CLScale::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">CLMedian3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">CLGaussian5x5::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00190">TensorInfo::dimension()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00119">CLScheduler::enqueue_sync_event()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::REPLICATE</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> <p>Referenced by <a class="el" href="cl__events_8cpp_source.xhtml#l00111">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp_scale_median, tmp_median_gauss, dst;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_events [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> median;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_info(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / scale_factor, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / scale_factor, Format::U8);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">//Configure the functions:</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &tmp_scale_median, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::REPLICATE);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  median.<a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_scale_median, &tmp_median_gauss, BorderMode::REPLICATE);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_median_gauss, &dst, BorderMode::REPLICATE);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Enqueue and flush the scale OpenCL kernel:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="comment">// Create a synchronisation event between scale and median:</span></div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  cl::Event scale_event = CLScheduler::get().enqueue_sync_event();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="comment">// Enqueue and flush the median OpenCL kernel:</span></div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  median.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Enqueue and flush the Gaussian OpenCL kernel:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="comment">//Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  scale_event.wait(); <span class="comment">// Block until Scale is done executing (Median3x3 and Gaussian5x5 might still be running)</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  CLScheduler::get().sync(); <span class="comment">// Block until Gaussian5x5 is done executing</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml">arm_compute::CLMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_8h_source.xhtml#l00042">CLMedian3x3.h:42</a></div></div> +<div class="fragment"><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp_scale_median, tmp_median_gauss, dst;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_events [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> median;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_info(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / scale_factor, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / scale_factor, Format::U8);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">//Configure the functions:</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &tmp_scale_median, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::REPLICATE);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  median.<a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_scale_median, &tmp_median_gauss, BorderMode::REPLICATE);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_median_gauss, &dst, BorderMode::REPLICATE);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Enqueue and flush the scale OpenCL kernel:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="comment">// Create a synchronisation event between scale and median:</span></div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  cl::Event scale_event = CLScheduler::get().enqueue_sync_event();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="comment">// Enqueue and flush the median OpenCL kernel:</span></div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  median.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Enqueue and flush the Gaussian OpenCL kernel:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="comment">//Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  scale_event.wait(); <span class="comment">// Block until Scale is done executing (Median3x3 and Gaussian5x5 might still be running)</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  CLScheduler::get().sync(); <span class="comment">// Block until Gaussian5x5 is done executing</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml">arm_compute::CLMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_8h_source.xhtml#l00042">CLMedian3x3.h:42</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLGaussian5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml">arm_compute::CLScale</a></div><div class="ttdoc">Basic function to run CLScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scale_8h_source.xhtml#l00037">CLScale.h:37</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLMedian3x3::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">arm_compute::CLGaussian5x5</a></div><div class="ttdoc">Basic function to execute gaussian filter 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian5x5_8h_source.xhtml#l00046">CLGaussian5x5.h:46</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml_aaab8edc0df1785727fd195b8ecf07e22"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">arm_compute::CLScale::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation type and border_mode. </div></div> @@ -257,7 +257,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="cl__events_8cpp.xhtml">cl_events.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/cl__events_8cpp_source.xhtml b/documentation/cl__events_8cpp_source.xhtml index 819f7350a..0b5a3730a 100644 --- a/documentation/cl__events_8cpp_source.xhtml +++ b/documentation/cl__events_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,9 +116,9 @@ $(document).ready(function(){initNavTree('cl__events_8cpp_source.xhtml','');}); <div class="title">cl_events.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="cl__events_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305"> 33</a></span> <span class="keywordtype">void</span> <a class="code" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp_scale_median, tmp_median_gauss, dst;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_events [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> median;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_info(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / scale_factor, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / scale_factor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">//Configure the functions:</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &tmp_scale_median, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  median.<a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_scale_median, &tmp_median_gauss, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_median_gauss, &dst, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Enqueue and flush the scale OpenCL kernel:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="comment">// Create a synchronisation event between scale and median:</span></div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  cl::Event scale_event = <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f">enqueue_sync_event</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="comment">// Enqueue and flush the median OpenCL kernel:</span></div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  median.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Enqueue and flush the Gaussian OpenCL kernel:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="comment">//Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  scale_event.wait(); <span class="comment">// Block until Scale is done executing (Median3x3 and Gaussian5x5 might still be running)</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>(); <span class="comment">// Block until Gaussian5x5 is done executing</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> }</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 111</a></span> <span class="keywordtype">int</span> <a class="code" href="cl__events_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a>);</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml">arm_compute::CLMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_8h_source.xhtml#l00042">CLMedian3x3.h:42</a></div></div> +<a href="cl__events_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> </div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305"> 33</a></span> <span class="keywordtype">void</span> <a class="code" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, tmp_scale_median, tmp_median_gauss, dst;</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_events [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  {</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> median;</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_info(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / scale_factor, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / scale_factor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(dst_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">//Configure the functions:</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &tmp_scale_median, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  median.<a class="code" href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_scale_median, &tmp_median_gauss, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&tmp_median_gauss, &dst, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  tmp_scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  tmp_median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  {</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  }</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> </div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="comment">// Enqueue and flush the scale OpenCL kernel:</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="comment">// Create a synchronisation event between scale and median:</span></div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  cl::Event scale_event = <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f">enqueue_sync_event</a>();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="comment">// Enqueue and flush the median OpenCL kernel:</span></div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  median.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Enqueue and flush the Gaussian OpenCL kernel:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> </div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  <span class="comment">//Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  scale_event.wait(); <span class="comment">// Block until Scale is done executing (Median3x3 and Gaussian5x5 might still be running)</span></div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>(); <span class="comment">// Block until Gaussian5x5 is done executing</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> </div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  {</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> }</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00111"></a><span class="lineno"><a class="line" href="cl__events_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 111</a></span> <span class="keywordtype">int</span> <a class="code" href="cl__events_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a>);</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml">arm_compute::CLMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_median3x3_8h_source.xhtml#l00042">CLMedian3x3.h:42</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> @@ -126,32 +126,32 @@ $(document).ready(function(){initNavTree('cl__events_8cpp_source.xhtml','');}); <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::InterpolationPolicy::NEAREST_NEIGHBOR</a></div><div class="ttdoc">Output values are defined to match the source pixel whose center is nearest to the sample position...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLGaussian5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml">arm_compute::CLScale</a></div><div class="ttdoc">Basic function to run CLScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scale_8h_source.xhtml#l00037">CLScale.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a19bb5002a62b62e050e89c975f7b9fdf"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">arm_compute::CLScheduler::default_init</a></div><div class="ttdeci">void default_init()</div><div class="ttdoc">Initialises the context and command queue used by the scheduler to default values and sets a default ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler.h:50</a></div></div> <div class="ttc" id="_c_l_scheduler_8h_xhtml"><div class="ttname"><a href="_c_l_scheduler_8h.xhtml">CLScheduler.h</a></div></div> <div class="ttc" id="cl__events_8cpp_xhtml_a5eb01b416cc3221d024edaf6eddee305"><div class="ttname"><a href="cl__events_8cpp.xhtml#a5eb01b416cc3221d024edaf6eddee305">main_cl_events</a></div><div class="ttdeci">void main_cl_events(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="cl__events_8cpp_source.xhtml#l00033">cl_events.cpp:33</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a6096d26e8e29e1a7f01b0f083fb7e33f"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f">arm_compute::CLScheduler::enqueue_sync_event</a></div><div class="ttdeci">cl::Event enqueue_sync_event()</div><div class="ttdoc">Enqueues a marker into the associated command queue and return the event. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00119">CLScheduler.h:119</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a60f9a6836b628a7171914c4afe43b4a7"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">arm_compute::CLScheduler::get</a></div><div class="ttdeci">static CLScheduler & get()</div><div class="ttdoc">Access the scheduler singleton. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_ad55f80ed3cd8b6c4f247763b747016af"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">arm_compute::CLScheduler::sync</a></div><div class="ttdeci">void sync()</div><div class="ttdoc">Blocks until all commands in the associated command queue have finished. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler.h:110</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_median3x3_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLMedian3x3::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">arm_compute::CLGaussian5x5</a></div><div class="ttdoc">Basic function to execute gaussian filter 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian5x5_8h_source.xhtml#l00046">CLGaussian5x5.h:46</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::BorderMode::REPLICATE</a></div><div class="ttdoc">Pixels outside the image are assumed to have the same value as the closest image pixel. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="_c_l_functions_8h_xhtml"><div class="ttname"><a href="_c_l_functions_8h.xhtml">CLFunctions.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml_aaab8edc0df1785727fd195b8ecf07e22"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">arm_compute::CLScale::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation type and border_mode. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -159,7 +159,7 @@ $(document).ready(function(){initNavTree('cl__events_8cpp_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="cl__events_8cpp.xhtml">cl_events.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_auto_padding.xhtml b/documentation/classarm__compute_1_1_access_window_auto_padding.xhtml index d813a028a..e4652b8cb 100644 --- a/documentation/classarm__compute_1_1_access_window_auto_padding.xhtml +++ b/documentation/classarm__compute_1_1_access_window_auto_padding.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -490,7 +490,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_horizontal.xhtml b/documentation/classarm__compute_1_1_access_window_horizontal.xhtml index 86d453123..b7a554fa2 100644 --- a/documentation/classarm__compute_1_1_access_window_horizontal.xhtml +++ b/documentation/classarm__compute_1_1_access_window_horizontal.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -250,7 +250,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_horizontal.xhtml">AccessWindowHorizontal</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_rectangle.xhtml b/documentation/classarm__compute_1_1_access_window_rectangle.xhtml index 9a16decf9..6e8e20c3f 100644 --- a/documentation/classarm__compute_1_1_access_window_rectangle.xhtml +++ b/documentation/classarm__compute_1_1_access_window_rectangle.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -658,7 +658,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_static.xhtml b/documentation/classarm__compute_1_1_access_window_static.xhtml index 6cef81bbf..cc5bfde35 100644 --- a/documentation/classarm__compute_1_1_access_window_static.xhtml +++ b/documentation/classarm__compute_1_1_access_window_static.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -642,7 +642,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_transpose.xhtml b/documentation/classarm__compute_1_1_access_window_transpose.xhtml index 9512a7c08..11287eb6f 100644 --- a/documentation/classarm__compute_1_1_access_window_transpose.xhtml +++ b/documentation/classarm__compute_1_1_access_window_transpose.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -322,7 +322,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_transpose.xhtml">AccessWindowTranspose</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_access_window_vertical.xhtml b/documentation/classarm__compute_1_1_access_window_vertical.xhtml index 3b8efd4f9..f8d17c9a1 100644 --- a/documentation/classarm__compute_1_1_access_window_vertical.xhtml +++ b/documentation/classarm__compute_1_1_access_window_vertical.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -250,7 +250,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_access_window_vertical.xhtml">AccessWindowVertical</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_activation_layer_info.xhtml b/documentation/classarm__compute_1_1_activation_layer_info.xhtml index bf49722b4..e0c1ce0b4 100644 --- a/documentation/classarm__compute_1_1_activation_layer_info.xhtml +++ b/documentation/classarm__compute_1_1_activation_layer_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -161,7 +161,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Activation Layer Information class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00434">434</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00447">447</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Member Enumeration Documentation</h2> <a class="anchor" id="a56297e0f7b215eea46c818cb7528d9ea"></a> <div class="memitem"> @@ -212,8 +212,8 @@ Public Member Functions</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00438">438</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00439"></a><span class="lineno"> 439</span>  {</div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  LOGISTIC, </div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  TANH, </div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  RELU, </div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  BOUNDED_RELU, </div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span>  SOFT_RELU, </div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  ABS, </div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span>  SQUARE, </div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  SQRT, </div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  LINEAR </div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span>  };</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00451">451</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00452"></a><span class="lineno"> 452</span>  {</div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  LOGISTIC, </div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span>  TANH, </div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span>  RELU, </div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span>  BOUNDED_RELU, </div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  SOFT_RELU, </div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  ABS, </div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  SQUARE, </div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  SQRT, </div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span>  LINEAR </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  };</div></div><!-- fragment --> </div> </div> <h2 class="groupheader">Constructor & Destructor Documentation</h2> @@ -265,9 +265,9 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00458">458</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  : _act(f), _a(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">a</a>), _b(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">b</a>)</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  {</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span>  }</div><div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af28869d53fbe340640044d672b29ba7c"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">arm_compute::ActivationLayerInfo::b</a></div><div class="ttdeci">float b() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00470">Types.h:470</a></div></div> -<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a55beddf67f69fc5312961b1b112560fb"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">arm_compute::ActivationLayerInfo::a</a></div><div class="ttdeci">float a() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00466">Types.h:466</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00471">471</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  : _act(f), _a(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">a</a>), _b(<a class="code" href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">b</a>)</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  {</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span>  }</div><div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_af28869d53fbe340640044d672b29ba7c"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#af28869d53fbe340640044d672b29ba7c">arm_compute::ActivationLayerInfo::b</a></div><div class="ttdeci">float b() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00483">Types.h:483</a></div></div> +<div class="ttc" id="classarm__compute_1_1_activation_layer_info_xhtml_a55beddf67f69fc5312961b1b112560fb"><div class="ttname"><a href="classarm__compute_1_1_activation_layer_info.xhtml#a55beddf67f69fc5312961b1b112560fb">arm_compute::ActivationLayerInfo::a</a></div><div class="ttdeci">float a() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00479">Types.h:479</a></div></div> </div><!-- fragment --> </div> </div> @@ -293,8 +293,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00466">466</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00467"></a><span class="lineno"> 467</span>  {</div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  <span class="keywordflow">return</span> _a;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00479">479</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  {</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span>  <span class="keywordflow">return</span> _a;</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a63e05ce4946dd9807c005c1619fa337a"></a> @@ -318,8 +318,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00462">462</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00463"></a><span class="lineno"> 463</span>  {</div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  <span class="keywordflow">return</span> _act;</div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00475">475</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00476"></a><span class="lineno"> 476</span>  {</div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  <span class="keywordflow">return</span> _act;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="af28869d53fbe340640044d672b29ba7c"></a> @@ -343,8 +343,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00470">470</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  {</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  <span class="keywordflow">return</span> _b;</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00483">483</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00484"></a><span class="lineno"> 484</span>  {</div><div class="line"><a name="l00485"></a><span class="lineno"> 485</span>  <span class="keywordflow">return</span> _b;</div><div class="line"><a name="l00486"></a><span class="lineno"> 486</span>  }</div></div><!-- fragment --> </div> </div> <hr/>The documentation for this class was generated from the following file:<ul> @@ -356,7 +356,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_array.xhtml b/documentation/classarm__compute_1_1_array.xhtml index 3e510ec76..012b71744 100644 --- a/documentation/classarm__compute_1_1_array.xhtml +++ b/documentation/classarm__compute_1_1_array.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -286,7 +286,7 @@ class arm_compute::Array< T ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_array.xhtml">Array</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_absolute_difference.xhtml b/documentation/classarm__compute_1_1_c_l_absolute_difference.xhtml index 5be2b7ac0..468142ca4 100644 --- a/documentation/classarm__compute_1_1_c_l_absolute_difference.xhtml +++ b/documentation/classarm__compute_1_1_c_l_absolute_difference.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -208,7 +208,7 @@ The function calculates the absolute difference also when the 2 inputs have diff <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference.xhtml">CLAbsoluteDifference</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml index 7d30a5ab5..85e694027 100644 --- a/documentation/classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -456,7 +456,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml">CLAbsoluteDifferenceKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate.xhtml index b4078218e..958b07129 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -198,7 +198,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate.xhtml">CLAccumulate</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate_kernel.xhtml index 9f7d71ff1..d42373384 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -261,7 +261,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate_kernel.xhtml">CLAccumulateKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate_squared.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate_squared.xhtml index 315bfae7d..e1eef8f59 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate_squared.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate_squared.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared.xhtml">CLAccumulateSquared</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml index 346c47a68..58c925e91 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -269,7 +269,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml">CLAccumulateSquaredKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate_weighted.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate_weighted.xhtml index 066a73551..576efedec 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate_weighted.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate_weighted.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted.xhtml">CLAccumulateWeighted</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml index 0c49b9de5..618b3de84 100644 --- a/documentation/classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -271,7 +271,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml">CLAccumulateWeightedKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_activation_layer.xhtml b/documentation/classarm__compute_1_1_c_l_activation_layer.xhtml index 98e43334e..7340ab81c 100644 --- a/documentation/classarm__compute_1_1_c_l_activation_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_activation_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -206,7 +206,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_activation_layer.xhtml">CLActivationLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_activation_layer_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_activation_layer_kernel.xhtml index 796450d45..219b6622c 100644 --- a/documentation/classarm__compute_1_1_c_l_activation_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_activation_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -265,7 +265,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml">CLActivationLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_arithmetic_addition.xhtml b/documentation/classarm__compute_1_1_c_l_arithmetic_addition.xhtml index 8562b2c28..e03bcd031 100644 --- a/documentation/classarm__compute_1_1_c_l_arithmetic_addition.xhtml +++ b/documentation/classarm__compute_1_1_c_l_arithmetic_addition.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -215,7 +215,7 @@ The function performs an arithmetic addition between two tensors. </dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition.xhtml">CLArithmeticAddition</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml index 2c60478a4..9a477b5fd 100644 --- a/documentation/classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -463,7 +463,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml">CLArithmeticAdditionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml b/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml index fa3a53cd6..6871a9907 100644 --- a/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml +++ b/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -215,7 +215,7 @@ The function performs an arithmetic subtraction between two tensors. </dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml">CLArithmeticSubtraction</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml index 00d1f26b8..2ddf4ffaa 100644 --- a/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -463,7 +463,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml">CLArithmeticSubtractionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_array.xhtml b/documentation/classarm__compute_1_1_c_l_array.xhtml index ca1cec0e2..c352d1640 100644 --- a/documentation/classarm__compute_1_1_c_l_array.xhtml +++ b/documentation/classarm__compute_1_1_c_l_array.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -410,7 +410,7 @@ class arm_compute::CLArray< T ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_array.xhtml">CLArray</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_and.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_and.xhtml index aa62c2ad4..b99fd13cc 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_and.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_and.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -208,7 +208,7 @@ The function performs a bitwise AND operation using the two input tensors. </dd> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and.xhtml">CLBitwiseAnd</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml index b648cdf7a..1f066b90d 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml">CLBitwiseAndKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_not.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_not.xhtml index b72778e6d..63eb0c4da 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_not.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_not.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -201,7 +201,7 @@ The function performs a bitwise NOT operation on input tensor. </dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not.xhtml">CLBitwiseNot</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml index 0ee26bb53..27f2bd2ca 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -261,7 +261,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml">CLBitwiseNotKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_or.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_or.xhtml index 812535ae8..3bc15debf 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_or.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_or.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -208,7 +208,7 @@ The function performs a bitwise OR operation using the two input tensors. </dd>< <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or.xhtml">CLBitwiseOr</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml index a089af31d..8954ff146 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml">CLBitwiseOrKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_xor.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_xor.xhtml index adcdf9c76..be5ef3823 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_xor.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_xor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -208,7 +208,7 @@ The function performs a bitwise XOR operation using the two input tensors. </dd> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor.xhtml">CLBitwiseXor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml index 2796d92bd..a8a885815 100644 --- a/documentation/classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml">CLBitwiseXorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_box3x3.xhtml b/documentation/classarm__compute_1_1_c_l_box3x3.xhtml index 63300b8e8..21d0213ee 100644 --- a/documentation/classarm__compute_1_1_c_l_box3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_box3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_box3x3.xhtml">CLBox3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_box3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_box3x3_kernel.xhtml index 5bea24c3a..52ef1b1af 100644 --- a/documentation/classarm__compute_1_1_c_l_box3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_box3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml">CLBox3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_canny_edge.xhtml b/documentation/classarm__compute_1_1_c_l_canny_edge.xhtml index 569a1295e..33b4ec6ac 100644 --- a/documentation/classarm__compute_1_1_c_l_canny_edge.xhtml +++ b/documentation/classarm__compute_1_1_c_l_canny_edge.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml">CLCannyEdge</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_channel_combine.xhtml b/documentation/classarm__compute_1_1_c_l_channel_combine.xhtml index 22d05edda..4f27ce987 100644 --- a/documentation/classarm__compute_1_1_c_l_channel_combine.xhtml +++ b/documentation/classarm__compute_1_1_c_l_channel_combine.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -271,7 +271,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_channel_combine.xhtml">CLChannelCombine</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_channel_combine_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_channel_combine_kernel.xhtml index 513b83b83..16f2fdfe8 100644 --- a/documentation/classarm__compute_1_1_c_l_channel_combine_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_channel_combine_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -519,7 +519,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml">CLChannelCombineKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_channel_extract.xhtml b/documentation/classarm__compute_1_1_c_l_channel_extract.xhtml index d06f986bd..c55c69b6f 100644 --- a/documentation/classarm__compute_1_1_c_l_channel_extract.xhtml +++ b/documentation/classarm__compute_1_1_c_l_channel_extract.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -250,7 +250,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml">CLChannelExtract</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_channel_extract_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_channel_extract_kernel.xhtml index 263d311cf..f54415424 100644 --- a/documentation/classarm__compute_1_1_c_l_channel_extract_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_channel_extract_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -498,7 +498,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml">CLChannelExtractKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_col2_im_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_col2_im_kernel.xhtml index 5c5967e6b..38fac6c05 100644 --- a/documentation/classarm__compute_1_1_c_l_col2_im_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_col2_im_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -458,7 +458,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml">CLCol2ImKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_color_convert.xhtml b/documentation/classarm__compute_1_1_c_l_color_convert.xhtml index 5891894af..dc87239bf 100644 --- a/documentation/classarm__compute_1_1_c_l_color_convert.xhtml +++ b/documentation/classarm__compute_1_1_c_l_color_convert.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -313,7 +313,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml">CLColorConvert</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_color_convert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_color_convert_kernel.xhtml index 3b593bb90..0ce0f7087 100644 --- a/documentation/classarm__compute_1_1_c_l_color_convert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_color_convert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -560,7 +560,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml">CLColorConvertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution3x3.xhtml b/documentation/classarm__compute_1_1_c_l_convolution3x3.xhtml index 4cb9bd42a..3425330e2 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_kernel.xhtml index b3c94817e..7dde5886d 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -314,7 +314,7 @@ class arm_compute::CLConvolutionKernel< matrix_size ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_layer.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_layer.xhtml index e4841d85a..333ce49a4 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -282,7 +282,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer.xhtml">CLConvolutionLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml index a97f75367..711634645 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -457,7 +457,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml">CLConvolutionLayerWeightsReshapeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_rectangle.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_rectangle.xhtml index 2371cafc3..78efd51bb 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_rectangle.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_rectangle.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -247,7 +247,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml">CLConvolutionRectangle</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml index c79040805..9a6de0d29 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -482,7 +482,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_convolution_square.xhtml b/documentation/classarm__compute_1_1_c_l_convolution_square.xhtml index ac20a835a..1208f2a5b 100644 --- a/documentation/classarm__compute_1_1_c_l_convolution_square.xhtml +++ b/documentation/classarm__compute_1_1_c_l_convolution_square.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ class arm_compute::CLConvolutionSquare< matrix_size ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml index a92a35236..9625e9a0a 100644 --- a/documentation/classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -460,7 +460,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_depth_convert.xhtml b/documentation/classarm__compute_1_1_c_l_depth_convert.xhtml index 2a2aa499c..fdc27a961 100644 --- a/documentation/classarm__compute_1_1_c_l_depth_convert.xhtml +++ b/documentation/classarm__compute_1_1_c_l_depth_convert.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -221,7 +221,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_depth_convert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_depth_convert_kernel.xhtml index 33f297ba3..62a9b9177 100644 --- a/documentation/classarm__compute_1_1_c_l_depth_convert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_depth_convert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_depth_convert_kernel.xhtml">CLDepthConvertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_derivative.xhtml b/documentation/classarm__compute_1_1_c_l_derivative.xhtml index 24b65ec30..f89ad2e5b 100644 --- a/documentation/classarm__compute_1_1_c_l_derivative.xhtml +++ b/documentation/classarm__compute_1_1_c_l_derivative.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_derivative.xhtml">CLDerivative</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_derivative_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_derivative_kernel.xhtml index be98f616d..914450b08 100644 --- a/documentation/classarm__compute_1_1_c_l_derivative_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_derivative_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -489,7 +489,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_dilate.xhtml b/documentation/classarm__compute_1_1_c_l_dilate.xhtml index ac7b78ef2..1d417460a 100644 --- a/documentation/classarm__compute_1_1_c_l_dilate.xhtml +++ b/documentation/classarm__compute_1_1_c_l_dilate.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_dilate.xhtml">CLDilate</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_dilate_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_dilate_kernel.xhtml index 576b79d61..9d03b1b1a 100644 --- a/documentation/classarm__compute_1_1_c_l_dilate_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_dilate_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml">CLDilateKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_distribution1_d.xhtml b/documentation/classarm__compute_1_1_c_l_distribution1_d.xhtml index 12c7dc573..3ec471a3a 100644 --- a/documentation/classarm__compute_1_1_c_l_distribution1_d.xhtml +++ b/documentation/classarm__compute_1_1_c_l_distribution1_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -383,7 +383,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_distribution1_d.xhtml">CLDistribution1D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml index 3673a5502..ea6c9c6bb 100644 --- a/documentation/classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -412,7 +412,7 @@ Hysteresis is computed in <a class="el" href="classarm__compute_1_1_c_l_edge_tra <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_edge_trace_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_edge_trace_kernel.xhtml index cd0973a46..aa50c65b8 100644 --- a/documentation/classarm__compute_1_1_c_l_edge_trace_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_edge_trace_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -402,7 +402,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_equalize_histogram.xhtml b/documentation/classarm__compute_1_1_c_l_equalize_histogram.xhtml index 8622dd332..c0d92b8fc 100644 --- a/documentation/classarm__compute_1_1_c_l_equalize_histogram.xhtml +++ b/documentation/classarm__compute_1_1_c_l_equalize_histogram.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -257,7 +257,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_equalize_histogram.xhtml">CLEqualizeHistogram</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_erode.xhtml b/documentation/classarm__compute_1_1_c_l_erode.xhtml index 0887594f7..6b486f6f1 100644 --- a/documentation/classarm__compute_1_1_c_l_erode.xhtml +++ b/documentation/classarm__compute_1_1_c_l_erode.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_erode.xhtml">CLErode</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_erode_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_erode_kernel.xhtml index 548ab08ee..c70d7beaa 100644 --- a/documentation/classarm__compute_1_1_c_l_erode_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_erode_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_erode_kernel.xhtml">CLErodeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_fast_corners.xhtml b/documentation/classarm__compute_1_1_c_l_fast_corners.xhtml index 502e2ad71..a4a2d5f7c 100644 --- a/documentation/classarm__compute_1_1_c_l_fast_corners.xhtml +++ b/documentation/classarm__compute_1_1_c_l_fast_corners.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -351,7 +351,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_fast_corners_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_fast_corners_kernel.xhtml index 2464dc6c4..148cdf7ce 100644 --- a/documentation/classarm__compute_1_1_c_l_fast_corners_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_fast_corners_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -495,7 +495,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_fill_border.xhtml b/documentation/classarm__compute_1_1_c_l_fill_border.xhtml index 070a4652f..00af29c6a 100644 --- a/documentation/classarm__compute_1_1_c_l_fill_border.xhtml +++ b/documentation/classarm__compute_1_1_c_l_fill_border.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_fill_border.xhtml">CLFillBorder</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_fill_border_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_fill_border_kernel.xhtml index 34a89e1b1..9653e0932 100644 --- a/documentation/classarm__compute_1_1_c_l_fill_border_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_fill_border_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -529,7 +529,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_fully_connected_layer.xhtml b/documentation/classarm__compute_1_1_c_l_fully_connected_layer.xhtml index 12e93d6c6..d1ca51e08 100644 --- a/documentation/classarm__compute_1_1_c_l_fully_connected_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_fully_connected_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -283,7 +283,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml">CLFullyConnectedLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m.xhtml index 770cbdb43..d022e2f95 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -292,7 +292,7 @@ Whilst the first input tensor can be a vector, the second input tensor must be a <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml">CLGEMM</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.js b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.js new file mode 100644 index 000000000..f433e1482 --- /dev/null +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.js @@ -0,0 +1,4 @@ +var classarm__compute_1_1_c_l_g_e_m_m_interleave4x4 = +[ + [ "configure", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68", null ] +];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution7x7.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml index edb8a38bf..2ea81a825 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution7x7.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml @@ -6,7 +6,7 @@ <meta http-equiv="X-UA-Compatible" content="IE=9"/> <meta name="generator" content="Doxygen 1.8.11"/> <meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> -<title>ARM Compute Library: NEConvolution7x7 Class Reference</title> +<title>ARM Compute Library: CLGEMMInterleave4x4 Class Reference</title> <link href="tabs.css" rel="stylesheet" type="text/css"/> <script type="text/javascript" src="jquery.js"></script> <script type="text/javascript" src="dynsections.js"></script> @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -96,7 +96,7 @@ var searchBox = new SearchBox("searchBox", "search",false,'Search'); </div> </div> <script type="text/javascript"> -$(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution7x7.xhtml','');}); +$(document).ready(function(){initNavTree('classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml','');}); </script> <div id="doc-content"> <!-- window showing the filter options --> @@ -117,105 +117,62 @@ $(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution7 <div class="summary"> <a href="#pub-methods">Public Member Functions</a> </div> <div class="headertitle"> -<div class="title">NEConvolution7x7 Class Reference</div> </div> +<div class="title">CLGEMMInterleave4x4 Class Reference</div> </div> </div><!--header--> <div class="contents"> -<p>Basic function to execute convolution of size 7x7. - <a href="classarm__compute_1_1_n_e_convolution7x7.xhtml#details">More...</a></p> +<p>Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a>. + <a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#details">More...</a></p> -<p><code>#include <<a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>></code></p> +<p><code>#include <<a class="el" href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">CLGEMMInterleave4x4.h</a>></code></p> <div class="dynheader"> -Collaboration diagram for NEConvolution7x7:</div> +Collaboration diagram for CLGEMMInterleave4x4:</div> <div class="dyncontent"> -<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_n_e_convolution7x7__coll__graph.svg" width="142" height="112"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.svg" width="170" height="187"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </div> <center><span class="legend">[<a target="top" href="graph_legend.xhtml">legend</a>]</span></center></div> <table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="pub-methods"></a> Public Member Functions</h2></td></tr> -<tr class="memitem:ac2d8e4e4d1c09ce6dcf88b4728a44621"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621">NEConvolution7x7</a> ()</td></tr> -<tr class="memdesc:ac2d8e4e4d1c09ce6dcf88b4728a44621"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#ac2d8e4e4d1c09ce6dcf88b4728a44621">More...</a><br /></td></tr> -<tr class="separator:ac2d8e4e4d1c09ce6dcf88b4728a44621"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a58d050865536a28b56a92eeaf3ac478e"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, const int16_t *conv, uint32_t scale, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value=0)</td></tr> -<tr class="memdesc:a58d050865536a28b56a92eeaf3ac478e"><td class="mdescLeft"> </td><td class="mdescRight">Initialize the function's source, destination, conv and border_mode. <a href="#a58d050865536a28b56a92eeaf3ac478e">More...</a><br /></td></tr> -<tr class="separator:a58d050865536a28b56a92eeaf3ac478e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ad1717410afd0be936c6213a63c8005fb"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a> () override</td></tr> -<tr class="memdesc:ad1717410afd0be936c6213a63c8005fb"><td class="mdescLeft"> </td><td class="mdescRight">Run the kernels contained in the function. <a href="#ad1717410afd0be936c6213a63c8005fb">More...</a><br /></td></tr> -<tr class="separator:ad1717410afd0be936c6213a63c8005fb"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a074e10cfb217e657b9e81adeca2abc68"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68">configure</a> (const <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *input, <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> *output)</td></tr> +<tr class="memdesc:a074e10cfb217e657b9e81adeca2abc68"><td class="mdescLeft"> </td><td class="mdescRight">Initialise the kernel's inputs, output. <a href="#a074e10cfb217e657b9e81adeca2abc68">More...</a><br /></td></tr> +<tr class="separator:a074e10cfb217e657b9e81adeca2abc68"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="inherit_header pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_c_l_simple_function')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></td></tr> +<tr class="memitem:aa8149af857c4bface8ad712e418a63f1 inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#aa8149af857c4bface8ad712e418a63f1">ICLSimpleFunction</a> ()</td></tr> +<tr class="memdesc:aa8149af857c4bface8ad712e418a63f1 inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#aa8149af857c4bface8ad712e418a63f1">More...</a><br /></td></tr> +<tr class="separator:aa8149af857c4bface8ad712e418a63f1 inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ab5fd6e96c07aaaed2747c7e16ed5951e inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a> () overridefinal</td></tr> +<tr class="memdesc:ab5fd6e96c07aaaed2747c7e16ed5951e inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="mdescLeft"> </td><td class="mdescRight">Run the kernels contained in the function. <a href="#ab5fd6e96c07aaaed2747c7e16ed5951e">More...</a><br /></td></tr> +<tr class="separator:ab5fd6e96c07aaaed2747c7e16ed5951e inherit pub_methods_classarm__compute_1_1_i_c_l_simple_function"><td class="memSeparator" colspan="2"> </td></tr> <tr class="inherit_header pub_methods_classarm__compute_1_1_i_function"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_function')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></td></tr> <tr class="memitem:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_function.xhtml#ab921ecc3f3f6ae2b4bd61f3e1998d8c4">~IFunction</a> ()=default</td></tr> <tr class="memdesc:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="mdescLeft"> </td><td class="mdescRight">Destructor. <a href="#ab921ecc3f3f6ae2b4bd61f3e1998d8c4">More...</a><br /></td></tr> <tr class="separator:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memSeparator" colspan="2"> </td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>Basic function to execute convolution of size 7x7. </p> -<p>This function calls the following NEON kernels:</p> +<div class="textblock"><p>Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a>. </p> +<p>This function calls the following OpenCL kernel:</p> <ol type="1"> -<li><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> (executed if border_mode == CONSTANT or border_mode == REPLICATE)</li> -<li><a class="el" href="namespacearm__compute.xhtml#ae46cbbe03d31c6c8e7eba7b58999842d">NEConvolution7x7Kernel</a> or<br /> - <a class="el" href="namespacearm__compute.xhtml#aca4adbcd292c26b0e392c59875c1e926">NESeparableConvolution7x7HorKernel</a> and <a class="el" href="namespacearm__compute.xhtml#a0f952bd0821b506e18514a3f4dbc6c39">NESeparableConvolution7x7VertKernel</a> (if convolution matrix is separable) </li> +<li><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml">CLGEMMInterleave4x4Kernel</a> </li> </ol> -<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00103">103</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> -</div><h2 class="groupheader">Constructor & Destructor Documentation</h2> -<a class="anchor" id="ac2d8e4e4d1c09ce6dcf88b4728a44621"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a> </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Default constructor. </p> - -</div> -</div> -<h2 class="groupheader">Member Function Documentation</h2> -<a class="anchor" id="a58d050865536a28b56a92eeaf3ac478e"></a> +<p>Definition at line <a class="el" href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml#l00038">38</a> of file <a class="el" href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">CLGEMMInterleave4x4.h</a>.</p> +</div><h2 class="groupheader">Member Function Documentation</h2> +<a class="anchor" id="a074e10cfb217e657b9e81adeca2abc68"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> <td class="memname">void configure </td> <td>(</td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> * </td> + <td class="paramtype">const <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> * </td> <td class="paramname"><em>input</em>, </td> </tr> <tr> <td class="paramkey"></td> <td></td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> * </td> - <td class="paramname"><em>output</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">const int16_t * </td> - <td class="paramname"><em>conv</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">uint32_t </td> - <td class="paramname"><em>scale</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype"><a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> </td> - <td class="paramname"><em>border_mode</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">uint8_t </td> - <td class="paramname"><em>constant_border_value</em> = <code>0</code> </td> + <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> * </td> + <td class="paramname"><em>output</em> </td> </tr> <tr> <td></td> @@ -225,68 +182,27 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Initialize the function's source, destination, conv and border_mode. </p> +<p>Initialise the kernel's inputs, output. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in,out]</td><td class="paramname">input</td><td>Source tensor. Data type supported: U8. (Written to only for <code>border_mode</code> != UNDEFINED) </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination tensor, Data types supported: U8 or S16. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">conv</td><td>matrix_size x matrix_size S16 coefficients structured as a row-major 2D array in a linear buffer. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">scale</td><td>Scale of the convolution matrix. If 0 is passed, it will be set to the sum of the coefficients of the convolution or 1 if they add up to 0. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">border_mode</td><td>Strategy to use for borders. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">constant_border_value</td><td>(Optional) Constant value to use for borders if border_mode is set to CONSTANT. </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>First input tensor. Data types supported: U8/S8/U16/S16/F16/U32/S32/F32 </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Output tensor. Data type supported: same as <code>input</code> </td></tr> </table> </dd> </dl> </div> </div> -<a class="anchor" id="ad1717410afd0be936c6213a63c8005fb"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname">void run </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Run the kernels contained in the function. </p> -<p>For NEON kernels:</p><ul> -<li>Multi-threading is used for the kernels which are parallelisable.</li> -<li>By default std::thread::hardware_concurrency() threads are used.</li> -</ul> -<dl class="section note"><dt>Note</dt><dd><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef">CPPScheduler::force_number_of_threads()</a> can be used to manually set the number of threads</dd></dl> -<p>For OpenCL kernels:</p><ul> -<li>All the kernels are enqueued on the queue associated with <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml" title="Provides global access to a CL context and command queue. ">CLScheduler</a>.</li> -<li>The queue is then flushed.</li> -</ul> -<dl class="section note"><dt>Note</dt><dd>The function will not block until the kernels are executed. It is the user's responsibility to wait. </dd></dl> - -<p>Implements <a class="el" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">IFunction</a>.</p> - -</div> -</div> <hr/>The documentation for this class was generated from the following file:<ul> -<li>arm_compute/runtime/NEON/functions/<a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a></li> +<li>arm_compute/runtime/CL/functions/<a class="el" href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">CLGEMMInterleave4x4.h</a></li> </ul> </div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">CLGEMMInterleave4x4</a></li> + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.map b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.map new file mode 100644 index 000000000..11de0a6d5 --- /dev/null +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.map @@ -0,0 +1,4 @@ +<map id="CLGEMMInterleave4x4" name="CLGEMMInterleave4x4"> +<area shape="rect" id="node2" href="$classarm__compute_1_1_i_c_l_simple_function.xhtml" title="Basic interface for functions which have a single OpenCL kernel. " alt="" coords="18,80,151,107"/> +<area shape="rect" id="node3" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="47,5,123,32"/> +</map> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.md5 b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.md5 new file mode 100644 index 000000000..1b386603a --- /dev/null +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.md5 @@ -0,0 +1 @@ +d30be50d2ac319fd3447310eceebf016
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.svg b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.svg new file mode 100644 index 000000000..2d4369b2f --- /dev/null +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4__coll__graph.svg @@ -0,0 +1,44 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" + "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> +<!-- Generated by graphviz version 2.38.0 (20140413.2041) + --> +<!-- Title: CLGEMMInterleave4x4 Pages: 1 --> +<svg width="127pt" height="140pt" + viewBox="0.00 0.00 127.00 140.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 136)"> +<title>CLGEMMInterleave4x4</title> +<polygon fill="white" stroke="none" points="-4,4 -4,-136 123,-136 123,4 -4,4"/> +<!-- Node1 --> +<g id="node1" class="node"><title>Node1</title> +<polygon fill="#bfbfbf" stroke="black" points="0,-0.5 0,-19.5 119,-19.5 119,-0.5 0,-0.5"/> +<text text-anchor="middle" x="59.5" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMInterleave4x4</text> +</g> +<!-- Node2 --> +<g id="node2" class="node"><title>Node2</title> +<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_c_l_simple_function.xhtml" target="_top" xlink:title="Basic interface for functions which have a single OpenCL kernel. "> +<polygon fill="white" stroke="black" points="9.5,-56.5 9.5,-75.5 109.5,-75.5 109.5,-56.5 9.5,-56.5"/> +<text text-anchor="middle" x="59.5" y="-63.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimpleFunction</text> +</a> +</g> +</g> +<!-- Node2->Node1 --> +<g id="edge1" class="edge"><title>Node2->Node1</title> +<path fill="none" stroke="midnightblue" d="M59.5,-45.8045C59.5,-36.9102 59.5,-26.7798 59.5,-19.7511"/> +<polygon fill="midnightblue" stroke="midnightblue" points="56.0001,-46.083 59.5,-56.083 63.0001,-46.083 56.0001,-46.083"/> +</g> +<!-- Node3 --> +<g id="node3" class="node"><title>Node3</title> +<g id="a_node3"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> +<polygon fill="white" stroke="black" points="31,-112.5 31,-131.5 88,-131.5 88,-112.5 31,-112.5"/> +<text text-anchor="middle" x="59.5" y="-119.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> +</a> +</g> +</g> +<!-- Node3->Node2 --> +<g id="edge2" class="edge"><title>Node3->Node2</title> +<path fill="none" stroke="midnightblue" d="M59.5,-101.805C59.5,-92.9102 59.5,-82.7798 59.5,-75.7511"/> +<polygon fill="midnightblue" stroke="midnightblue" points="56.0001,-102.083 59.5,-112.083 63.0001,-102.083 56.0001,-102.083"/> +</g> +</g> +</svg> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml index 3e00ab7ec..e2ede8057 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -207,7 +207,7 @@ Public Member Functions</h2></td></tr> <p class="formulaDsp"> \[ \left( \begin{array}{cccc} a00 & a01 & a02 & a03 \\ a10 & a11 & a12 & a13 \\ a20 & a21 & a22 & a23 \\ a30 & a31 & a32 & a33 \\ \end{array} \right) \rightarrow \left( \begin{array}{ccccccccccccccccc} a00 & a10 & a20 & a30 & a01 & a11 & a21 & a31 & a02 & a12 & a22 & a32 & a03 & a13 & a23 & a33 \\ \end{array} \right) \] </p> -<p>After this operation, the output matrix will have the following shape: [ height * 4, width / 4 ] </p> +<p>After this operation, the output matrix will have the following shape: [ height * 4, ceil(width / 4.0f) ] </p> <p>Definition at line <a class="el" href="_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml#l00052">52</a> of file <a class="el" href="_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml">CLGEMMInterleave4x4Kernel.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> @@ -308,7 +308,7 @@ Public Member Functions</h2></td></tr> <p>Initialise the kernel's input and output. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>Input tensor. Data types supported: U8/F16/F32 </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>Input tensor. Data types supported: U8/S8/U16/S16/F16/U32/S32/F32 </td></tr> <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Output tensor. Data type supported: same as <code>input</code> </td></tr> </table> </dd> @@ -423,7 +423,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml">CLGEMMInterleave4x4Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml index 464bc4905..800dad932 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -309,7 +309,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml">CLGEMMLowp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml index 6426a8b70..dc8e121cf 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -469,7 +469,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">CLGEMMLowpMatrixMultiplyKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml index 79e7f296e..63413d0c0 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -418,7 +418,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">CLGEMMMatrixAccumulateBiasesKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml index e841e62e2..00497ea4f 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml">CLGEMMMatrixAdditionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml index e51a3de2a..8b61a28c6 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -437,7 +437,7 @@ If the output tensor is a vector and the data type is F32, the implementation as <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml">CLGEMMMatrixMultiplyKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml index 194ea6f71..008923cca 100644 --- a/documentation/classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -271,7 +271,7 @@ If the input data type is U8, the output matrix will have the following shape: [ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml">CLGEMMTranspose1xWKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian3x3.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian3x3.xhtml index f604fdfdd..87f1510a7 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml">CLGaussian3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml index f16976956..6e0f89ce2 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml">CLGaussian3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian5x5.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian5x5.xhtml index 47a6e04d8..25609718f 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian5x5.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian5x5.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -276,7 +276,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml index 35903ea6d..3c5f1c60b 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -272,7 +272,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml">CLGaussian5x5HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml index c5ca2519d..8aae28b46 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -269,7 +269,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml">CLGaussian5x5VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid.xhtml index f5405c739..ec6f23d86 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -383,7 +383,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml index 1691a0f05..12166804d 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml index b6f13a40e..ed8314769 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -503,7 +503,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml index aeb4137e1..f5c600f03 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml">CLGaussianPyramidOrb</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml index 642666cbd..3bcf79536 100644 --- a/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -503,7 +503,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_gradient_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_gradient_kernel.xhtml index d59709a69..2c6dc485e 100644 --- a/documentation/classarm__compute_1_1_c_l_gradient_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_gradient_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -382,7 +382,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_harris_corners.xhtml b/documentation/classarm__compute_1_1_c_l_harris_corners.xhtml index 7dc78db92..3e08b7a3e 100644 --- a/documentation/classarm__compute_1_1_c_l_harris_corners.xhtml +++ b/documentation/classarm__compute_1_1_c_l_harris_corners.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -371,7 +371,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_harris_score_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_harris_score_kernel.xhtml index 254b044f2..07e986114 100644 --- a/documentation/classarm__compute_1_1_c_l_harris_score_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_harris_score_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -517,7 +517,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_histogram.xhtml b/documentation/classarm__compute_1_1_c_l_histogram.xhtml index da6584fbc..57870ccb3 100644 --- a/documentation/classarm__compute_1_1_c_l_histogram.xhtml +++ b/documentation/classarm__compute_1_1_c_l_histogram.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -312,7 +312,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml">CLHistogram</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_histogram_border_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_histogram_border_kernel.xhtml index 710ebc9ba..a378cbd09 100644 --- a/documentation/classarm__compute_1_1_c_l_histogram_border_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_histogram_border_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -418,7 +418,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml">CLHistogramBorderKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_histogram_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_histogram_kernel.xhtml index db0cde4b8..8da3f818a 100644 --- a/documentation/classarm__compute_1_1_c_l_histogram_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_histogram_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -419,7 +419,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_histogram_kernel.xhtml">CLHistogramKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_im2_col_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_im2_col_kernel.xhtml index 143835789..da15eb1c2 100644 --- a/documentation/classarm__compute_1_1_c_l_im2_col_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_im2_col_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -443,7 +443,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml">CLIm2ColKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_integral_image.xhtml b/documentation/classarm__compute_1_1_c_l_integral_image.xhtml index e772d8d36..c2c6aa634 100644 --- a/documentation/classarm__compute_1_1_c_l_integral_image.xhtml +++ b/documentation/classarm__compute_1_1_c_l_integral_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -257,7 +257,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml">CLIntegralImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml index 504fffa89..fcc32327e 100644 --- a/documentation/classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -258,7 +258,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml">CLIntegralImageHorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml index 369849c56..6475a1d21 100644 --- a/documentation/classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -407,7 +407,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml">CLIntegralImageVertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_kernel_library.xhtml b/documentation/classarm__compute_1_1_c_l_kernel_library.xhtml index 6ee6a7cb3..048b99ec4 100644 --- a/documentation/classarm__compute_1_1_c_l_kernel_library.xhtml +++ b/documentation/classarm__compute_1_1_c_l_kernel_library.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -485,7 +485,7 @@ Static Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml">CLKernelLibrary</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml index 713175a2d..7924f85ef 100644 --- a/documentation/classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -281,7 +281,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml">CLLKTrackerFinalizeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml index 803e4d1e4..8e7ee371f 100644 --- a/documentation/classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -323,7 +323,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml">CLLKTrackerInitKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml index a85aa799b..07080628b 100644 --- a/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml">CLLKTrackerStage0Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml index 3633e8d04..55436c66e 100644 --- a/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml">CLLKTrackerStage1Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_laplacian_pyramid.xhtml b/documentation/classarm__compute_1_1_c_l_laplacian_pyramid.xhtml index 33a953191..857ef3993 100644 --- a/documentation/classarm__compute_1_1_c_l_laplacian_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_c_l_laplacian_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -281,7 +281,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml">CLLaplacianPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml b/documentation/classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml index 99c645a0f..5e9465569 100644 --- a/documentation/classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml +++ b/documentation/classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -286,7 +286,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml">CLLaplacianReconstruct</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml index 13a0a12fc..aa6d831a7 100644 --- a/documentation/classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -258,7 +258,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml">CLLogits1DMaxKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml index c10e1f54a..bf182b047 100644 --- a/documentation/classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -425,7 +425,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml">CLLogits1DNormKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml index 01a2e5cad..c5cbade4c 100644 --- a/documentation/classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -432,7 +432,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml">CLLogits1DShiftExpSumKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_lut.xhtml b/documentation/classarm__compute_1_1_c_l_lut.xhtml index 2aa3bd7f8..c6e212498 100644 --- a/documentation/classarm__compute_1_1_c_l_lut.xhtml +++ b/documentation/classarm__compute_1_1_c_l_lut.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -482,7 +482,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml">CLLut</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_lut_allocator.xhtml b/documentation/classarm__compute_1_1_c_l_lut_allocator.xhtml index 51844e3e2..9fd431c0e 100644 --- a/documentation/classarm__compute_1_1_c_l_lut_allocator.xhtml +++ b/documentation/classarm__compute_1_1_c_l_lut_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -399,7 +399,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_lut_allocator.xhtml">CLLutAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_magnitude.xhtml b/documentation/classarm__compute_1_1_c_l_magnitude.xhtml index 2fff8d952..c5450ccfa 100644 --- a/documentation/classarm__compute_1_1_c_l_magnitude.xhtml +++ b/documentation/classarm__compute_1_1_c_l_magnitude.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml">CLMagnitude</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml index 9864719d9..221570b4f 100644 --- a/documentation/classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -447,7 +447,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_mean_std_dev.xhtml b/documentation/classarm__compute_1_1_c_l_mean_std_dev.xhtml index dc85d5b96..9134eb776 100644 --- a/documentation/classarm__compute_1_1_c_l_mean_std_dev.xhtml +++ b/documentation/classarm__compute_1_1_c_l_mean_std_dev.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -259,7 +259,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml">CLMeanStdDev</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml index 57d0dc6d6..2701f0a3c 100644 --- a/documentation/classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -439,7 +439,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml">CLMeanStdDevKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_median3x3.xhtml b/documentation/classarm__compute_1_1_c_l_median3x3.xhtml index d52267b46..a37c55f69 100644 --- a/documentation/classarm__compute_1_1_c_l_median3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_median3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -219,7 +219,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_median3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_median3x3_kernel.xhtml index 34a7dd141..7f8ba596e 100644 --- a/documentation/classarm__compute_1_1_c_l_median3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_median3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml">CLMedian3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_min_max_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_min_max_kernel.xhtml index 365c14e28..66bbaf292 100644 --- a/documentation/classarm__compute_1_1_c_l_min_max_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_min_max_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -418,7 +418,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml">CLMinMaxKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_min_max_location.xhtml b/documentation/classarm__compute_1_1_c_l_min_max_location.xhtml index dd4d1fbab..c7411786e 100644 --- a/documentation/classarm__compute_1_1_c_l_min_max_location.xhtml +++ b/documentation/classarm__compute_1_1_c_l_min_max_location.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -409,7 +409,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml">CLMinMaxLocation</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_min_max_location_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_min_max_location_kernel.xhtml index a1acbaffe..8a6a5161f 100644 --- a/documentation/classarm__compute_1_1_c_l_min_max_location_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_min_max_location_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -440,7 +440,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml">CLMinMaxLocationKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_multi_image.xhtml b/documentation/classarm__compute_1_1_c_l_multi_image.xhtml index c02d58310..e2717a2eb 100644 --- a/documentation/classarm__compute_1_1_c_l_multi_image.xhtml +++ b/documentation/classarm__compute_1_1_c_l_multi_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -400,7 +400,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml">CLMultiImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_non_linear_filter.xhtml b/documentation/classarm__compute_1_1_c_l_non_linear_filter.xhtml index 6c1a57a3f..cff9b0955 100644 --- a/documentation/classarm__compute_1_1_c_l_non_linear_filter.xhtml +++ b/documentation/classarm__compute_1_1_c_l_non_linear_filter.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -246,7 +246,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">CLNonLinearFilter</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml index 8e85cc321..78132b67c 100644 --- a/documentation/classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -342,7 +342,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml">CLNonLinearFilterKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml b/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml index bee2ed55b..97de41aef 100644 --- a/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -194,7 +194,7 @@ Public Member Functions</h2></td></tr> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> <tr><td class="paramdir">[in,out]</td><td class="paramname">input</td><td>Source tensor. Data types supported: U8, F32. (Written to only for <code>border_mode</code> != UNDEFINED) </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination for the Non-Maxima suppressions 3x3. Data types supported: U8, F32. Must be the same data type as <code>input</code>. </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination for the Non-Maxima suppressions 3x3. Data types supported: same as <code>input</code>. </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">border_mode</td><td>Border mode to use for non-maxima suppression. The implementation supports just 2 border modes: UNDEFINED and CONSTANT </td></tr> </table> </dd> @@ -211,7 +211,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml index 494c7f04f..ffa5a95ce 100644 --- a/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -294,7 +294,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_normalization_layer.xhtml b/documentation/classarm__compute_1_1_c_l_normalization_layer.xhtml index 0eb771980..ba970a84f 100644 --- a/documentation/classarm__compute_1_1_c_l_normalization_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_normalization_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -265,7 +265,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml">CLNormalizationLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml index 5519c07dd..8cf7ba22f 100644 --- a/documentation/classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -460,7 +460,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_optical_flow.xhtml b/documentation/classarm__compute_1_1_c_l_optical_flow.xhtml index 7023d5829..51c63b761 100644 --- a/documentation/classarm__compute_1_1_c_l_optical_flow.xhtml +++ b/documentation/classarm__compute_1_1_c_l_optical_flow.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -446,7 +446,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_phase.xhtml b/documentation/classarm__compute_1_1_c_l_phase.xhtml index fe7b22563..3fd8b54dc 100644 --- a/documentation/classarm__compute_1_1_c_l_phase.xhtml +++ b/documentation/classarm__compute_1_1_c_l_phase.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml">CLPhase</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml b/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml index 1bf32bbc7..fa4d32798 100644 --- a/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml +++ b/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml">CLPixelWiseMultiplication</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml index 27117eadd..85b85d43b 100644 --- a/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -446,7 +446,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_pooling_layer.xhtml b/documentation/classarm__compute_1_1_c_l_pooling_layer.xhtml index 3aec72fce..ed541d64b 100644 --- a/documentation/classarm__compute_1_1_c_l_pooling_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_pooling_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -210,7 +210,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml">CLPoolingLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml index de0c1fc19..d5199fb95 100644 --- a/documentation/classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -481,7 +481,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_pyramid.xhtml b/documentation/classarm__compute_1_1_c_l_pyramid.xhtml index d892c68a5..efb822fc1 100644 --- a/documentation/classarm__compute_1_1_c_l_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_c_l_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -319,7 +319,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_remap.xhtml b/documentation/classarm__compute_1_1_c_l_remap.xhtml index c1b87f7c9..3c7515993 100644 --- a/documentation/classarm__compute_1_1_c_l_remap.xhtml +++ b/documentation/classarm__compute_1_1_c_l_remap.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -238,7 +238,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml">CLRemap</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_remap_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_remap_kernel.xhtml index 9ced66f56..d554cdeec 100644 --- a/documentation/classarm__compute_1_1_c_l_remap_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_remap_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -474,7 +474,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_scale.xhtml b/documentation/classarm__compute_1_1_c_l_scale.xhtml index 78968fa6f..5799e90f3 100644 --- a/documentation/classarm__compute_1_1_c_l_scale.xhtml +++ b/documentation/classarm__compute_1_1_c_l_scale.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -221,7 +221,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_scale_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_scale_kernel.xhtml index b99bf5c71..f1c6f9218 100644 --- a/documentation/classarm__compute_1_1_c_l_scale_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_scale_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_scharr3x3.xhtml b/documentation/classarm__compute_1_1_c_l_scharr3x3.xhtml index 22c71073d..aaed42da2 100644 --- a/documentation/classarm__compute_1_1_c_l_scharr3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_scharr3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml">CLScharr3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml index d639b1bbb..058cb9cb9 100644 --- a/documentation/classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_scheduler.xhtml b/documentation/classarm__compute_1_1_c_l_scheduler.xhtml index 7f9f8483e..bca70cfb3 100644 --- a/documentation/classarm__compute_1_1_c_l_scheduler.xhtml +++ b/documentation/classarm__compute_1_1_c_l_scheduler.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -516,7 +516,7 @@ Static Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml">CLScheduler</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml index 4b86756ba..387c2395e 100644 --- a/documentation/classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -325,7 +325,7 @@ class arm_compute::CLSeparableConvolutionHorKernel< matrix_size ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml index c11fa52fc..b8bb8e78f 100644 --- a/documentation/classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -319,7 +319,7 @@ class arm_compute::CLSeparableConvolutionVertKernel< matrix_size ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel3x3.xhtml b/documentation/classarm__compute_1_1_c_l_sobel3x3.xhtml index acce935ab..5aa590e4d 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel3x3.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml">CLSobel3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml index 1d02349ca..d3e4ad2c9 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -489,7 +489,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel5x5.xhtml b/documentation/classarm__compute_1_1_c_l_sobel5x5.xhtml index 54a1a4c37..283d6d9a2 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel5x5.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel5x5.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml">CLSobel5x5</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml index 3bb2b09da..9097f2ce2 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -489,7 +489,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml index 565ddd60d..6783d8e87 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -496,7 +496,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel7x7.xhtml b/documentation/classarm__compute_1_1_c_l_sobel7x7.xhtml index 7f9be2e68..02f982051 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel7x7.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel7x7.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml">CLSobel7x7</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml index ae405c384..da22ad8d6 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -489,7 +489,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml index 2cd253e8d..16af372d3 100644 --- a/documentation/classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -496,7 +496,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_softmax_layer.xhtml b/documentation/classarm__compute_1_1_c_l_softmax_layer.xhtml index 26f60800b..23617c8c4 100644 --- a/documentation/classarm__compute_1_1_c_l_softmax_layer.xhtml +++ b/documentation/classarm__compute_1_1_c_l_softmax_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -260,7 +260,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml">CLSoftmaxLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_table_lookup.xhtml b/documentation/classarm__compute_1_1_c_l_table_lookup.xhtml index 2dc7ed921..ac5d3413a 100644 --- a/documentation/classarm__compute_1_1_c_l_table_lookup.xhtml +++ b/documentation/classarm__compute_1_1_c_l_table_lookup.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml">CLTableLookup</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_table_lookup_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_table_lookup_kernel.xhtml index 5ae372b94..d0cda7cdf 100644 --- a/documentation/classarm__compute_1_1_c_l_table_lookup_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_table_lookup_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -265,7 +265,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_tensor.xhtml b/documentation/classarm__compute_1_1_c_l_tensor.xhtml index 538279ec5..23e319078 100644 --- a/documentation/classarm__compute_1_1_c_l_tensor.xhtml +++ b/documentation/classarm__compute_1_1_c_l_tensor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -162,6 +162,12 @@ Public Member Functions</h2></td></tr> <tr class="separator:ad49b11e9c7276ca78046ad4c339cd7c6 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:af72219f9b5e8803950eb8863a23c076e inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e">operator=</a> (const <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &)=delete</td></tr> <tr class="separator:af72219f9b5e8803950eb8863a23c076e inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae81da2706cd5717c6c4d7cea239a1e03 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03">ICLTensor</a> (<a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&)=default</td></tr> +<tr class="separator:ae81da2706cd5717c6c4d7cea239a1e03 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a6a7368baa4f8580ea732b2a352217b80 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80">operator=</a> (<a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&)=default</td></tr> +<tr class="separator:a6a7368baa4f8580ea732b2a352217b80 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa0bce17c5cd01f2b45cc59afd615913e inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e">~ICLTensor</a> ()=default</td></tr> +<tr class="separator:aa0bce17c5cd01f2b45cc59afd615913e inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:ac0abc7a5c0d172947f0e6a0c0dde3df0 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0">map</a> (cl::CommandQueue &q, bool blocking=true)</td></tr> <tr class="memdesc:ac0abc7a5c0d172947f0e6a0c0dde3df0 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="mdescLeft"> </td><td class="mdescRight">Enqueue a map operation of the allocated buffer on the given queue. <a href="#ac0abc7a5c0d172947f0e6a0c0dde3df0">More...</a><br /></td></tr> <tr class="separator:ac0abc7a5c0d172947f0e6a0c0dde3df0 inherit pub_methods_classarm__compute_1_1_i_c_l_tensor"><td class="memSeparator" colspan="2"> </td></tr> @@ -372,7 +378,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_tensor_allocator.js b/documentation/classarm__compute_1_1_c_l_tensor_allocator.js index 7093c1f61..dbb613b41 100644 --- a/documentation/classarm__compute_1_1_c_l_tensor_allocator.js +++ b/documentation/classarm__compute_1_1_c_l_tensor_allocator.js @@ -7,6 +7,7 @@ var classarm__compute_1_1_c_l_tensor_allocator = [ "allocate", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee", null ], [ "cl_data", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241", null ], [ "data", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6a731c70d12750586b67c6cde637b650", null ], + [ "free", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974", null ], [ "map", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3", null ], [ "operator=", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f", null ], [ "operator=", "classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3", null ], diff --git a/documentation/classarm__compute_1_1_c_l_tensor_allocator.xhtml b/documentation/classarm__compute_1_1_c_l_tensor_allocator.xhtml index 1e8efd918..a94a838a7 100644 --- a/documentation/classarm__compute_1_1_c_l_tensor_allocator.xhtml +++ b/documentation/classarm__compute_1_1_c_l_tensor_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,6 +167,9 @@ Public Member Functions</h2></td></tr> <tr class="memitem:a6e509c2a177b0b29e9e2369535094dee"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a> () override</td></tr> <tr class="memdesc:a6e509c2a177b0b29e9e2369535094dee"><td class="mdescLeft"> </td><td class="mdescRight">Allocate size specified by <a class="el" href="classarm__compute_1_1_tensor_info.xhtml" title="Store the tensor's metadata. ">TensorInfo</a> of OpenCL memory. <a href="#a6e509c2a177b0b29e9e2369535094dee">More...</a><br /></td></tr> <tr class="separator:a6e509c2a177b0b29e9e2369535094dee"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">free</a> () override</td></tr> +<tr class="memdesc:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="mdescLeft"> </td><td class="mdescRight">Free allocated OpenCL memory. <a href="#a1468b0adb6ec3f9d38aa7d60b8a91974">More...</a><br /></td></tr> +<tr class="separator:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="memSeparator" colspan="2"> </td></tr> <tr class="inherit_header pub_methods_classarm__compute_1_1_i_tensor_allocator"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_tensor_allocator')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></td></tr> <tr class="memitem:af97d553d2aa86688c92db8ed9a67cf0e inherit pub_methods_classarm__compute_1_1_i_tensor_allocator"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a> ()</td></tr> <tr class="memdesc:af97d553d2aa86688c92db8ed9a67cf0e inherit pub_methods_classarm__compute_1_1_i_tensor_allocator"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#af97d553d2aa86688c92db8ed9a67cf0e">More...</a><br /></td></tr> @@ -358,6 +361,34 @@ Public Member Functions</h2></td></tr> </div> </div> +<a class="anchor" id="a1468b0adb6ec3f9d38aa7d60b8a91974"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">void free </td> + <td>(</td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +<p>Free allocated OpenCL memory. </p> +<dl class="section note"><dt>Note</dt><dd>The tensor must have been allocated when calling this function. </dd></dl> + +<p>Implements <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">ITensorAllocator</a>.</p> + +</div> +</div> <a class="anchor" id="a460f371bafd64854b2332d96697939b3"></a> <div class="memitem"> <div class="memproto"> @@ -491,7 +522,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_threshold.xhtml b/documentation/classarm__compute_1_1_c_l_threshold.xhtml index 7f942150a..02eacbd36 100644 --- a/documentation/classarm__compute_1_1_c_l_threshold.xhtml +++ b/documentation/classarm__compute_1_1_c_l_threshold.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml">CLThreshold</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_threshold_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_threshold_kernel.xhtml index e6d436acf..962a86088 100644 --- a/documentation/classarm__compute_1_1_c_l_threshold_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_threshold_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -293,7 +293,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_transpose.xhtml b/documentation/classarm__compute_1_1_c_l_transpose.xhtml index 8690bd7d2..dd7670701 100644 --- a/documentation/classarm__compute_1_1_c_l_transpose.xhtml +++ b/documentation/classarm__compute_1_1_c_l_transpose.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -202,7 +202,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml">CLTranspose</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_transpose_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_transpose_kernel.xhtml index 101b245ee..c1225bd7a 100644 --- a/documentation/classarm__compute_1_1_c_l_transpose_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_transpose_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -259,7 +259,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_transpose_kernel.xhtml">CLTransposeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_warp_affine.xhtml b/documentation/classarm__compute_1_1_c_l_warp_affine.xhtml index ef5fe7be8..4658b725c 100644 --- a/documentation/classarm__compute_1_1_c_l_warp_affine.xhtml +++ b/documentation/classarm__compute_1_1_c_l_warp_affine.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml">CLWarpAffine</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_warp_affine_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_warp_affine_kernel.xhtml index b34a60692..e8bdb0dd1 100644 --- a/documentation/classarm__compute_1_1_c_l_warp_affine_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_warp_affine_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -300,7 +300,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_warp_perspective.xhtml b/documentation/classarm__compute_1_1_c_l_warp_perspective.xhtml index c842f8590..f514f5873 100644 --- a/documentation/classarm__compute_1_1_c_l_warp_perspective.xhtml +++ b/documentation/classarm__compute_1_1_c_l_warp_perspective.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml">CLWarpPerspective</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml b/documentation/classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml index ce526c2bc..b98c943e5 100644 --- a/documentation/classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -300,7 +300,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml b/documentation/classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml index 71613b601..483b1c79e 100644 --- a/documentation/classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -420,7 +420,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_p_p_scheduler.xhtml b/documentation/classarm__compute_1_1_c_p_p_scheduler.xhtml index dc9bf67a0..187d216ed 100644 --- a/documentation/classarm__compute_1_1_c_p_p_scheduler.xhtml +++ b/documentation/classarm__compute_1_1_c_p_p_scheduler.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Static Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml">CPPScheduler</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml b/documentation/classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml index ac6723a23..7071cb37f 100644 --- a/documentation/classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml +++ b/documentation/classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -429,7 +429,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_coordinates.xhtml b/documentation/classarm__compute_1_1_coordinates.xhtml index 796e23546..a04483233 100644 --- a/documentation/classarm__compute_1_1_coordinates.xhtml +++ b/documentation/classarm__compute_1_1_coordinates.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -356,7 +356,7 @@ Additional Inherited Members</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_dimensions.xhtml b/documentation/classarm__compute_1_1_dimensions.xhtml index 33b4c0bcc..d1a7ae750 100644 --- a/documentation/classarm__compute_1_1_dimensions.xhtml +++ b/documentation/classarm__compute_1_1_dimensions.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -471,7 +471,7 @@ class arm_compute::Dimensions< T ></h3> <p>Definition at line <a class="el" href="_dimensions_8h_source.xhtml#l00108">108</a> of file <a class="el" href="_dimensions_8h_source.xhtml">Dimensions.h</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00344">arm_compute::intersect_valid_regions()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00239">TensorInfo::num_dimensions()</a>, and <a class="el" href="_dimensions_8h_source.xhtml#l00114">Dimensions< size_t >::set_num_dimensions()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00357">arm_compute::intersect_valid_regions()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00239">TensorInfo::num_dimensions()</a>, and <a class="el" href="_dimensions_8h_source.xhtml#l00114">Dimensions< size_t >::set_num_dimensions()</a>.</p> <div class="fragment"><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  {</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">return</span> _num_dimensions;</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  }</div></div><!-- fragment --> </div> </div> @@ -608,7 +608,7 @@ class arm_compute::Dimensions< T ></h3> <p>Definition at line <a class="el" href="_dimensions_8h_source.xhtml#l00073">73</a> of file <a class="el" href="_dimensions_8h_source.xhtml">Dimensions.h</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00376">arm_compute::compute_strides()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00344">arm_compute::intersect_valid_regions()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00389">arm_compute::compute_strides()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00357">arm_compute::intersect_valid_regions()</a>.</p> <div class="fragment"><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  {</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(dimension >= <a class="code" href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">num_max_dimensions</a>);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  _id[dimension] = value;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  _num_dimensions = std::max(_num_dimensions, dimension + 1);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  }</div><div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a1b67d5b720119d50faa286c774579ecc"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">arm_compute::Dimensions::num_max_dimensions</a></div><div class="ttdeci">static constexpr size_t num_max_dimensions</div><div class="ttdoc">Number of dimensions the tensor has. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00045">Dimensions.h:45</a></div></div> </div><!-- fragment --> @@ -760,7 +760,7 @@ class arm_compute::Dimensions< T ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_dimensions.xhtml">Dimensions</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_distribution1_d.xhtml b/documentation/classarm__compute_1_1_distribution1_d.xhtml index 8bdc3b4b9..ba2dd5ea8 100644 --- a/documentation/classarm__compute_1_1_distribution1_d.xhtml +++ b/documentation/classarm__compute_1_1_distribution1_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -259,7 +259,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_h_o_g.xhtml b/documentation/classarm__compute_1_1_h_o_g.xhtml index eacfefcb0..8601c7663 100644 --- a/documentation/classarm__compute_1_1_h_o_g.xhtml +++ b/documentation/classarm__compute_1_1_h_o_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -264,7 +264,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_h_o_g.xhtml">HOG</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_h_o_g_info.xhtml b/documentation/classarm__compute_1_1_h_o_g_info.xhtml index b20d78ff9..d1af24988 100644 --- a/documentation/classarm__compute_1_1_h_o_g_info.xhtml +++ b/documentation/classarm__compute_1_1_h_o_g_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -707,7 +707,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_access_window.xhtml b/documentation/classarm__compute_1_1_i_access_window.xhtml index 7a38f98bb..8773df1f6 100644 --- a/documentation/classarm__compute_1_1_i_access_window.xhtml +++ b/documentation/classarm__compute_1_1_i_access_window.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -264,7 +264,7 @@ Public Member Functions</h2></td></tr> <p>Implemented in <a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">AccessWindowRectangle</a>, <a class="el" href="classarm__compute_1_1_access_window_static.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">AccessWindowStatic</a>, <a class="el" href="classarm__compute_1_1_access_window_auto_padding.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">AccessWindowAutoPadding</a>, and <a class="el" href="classarm__compute_1_1_access_window_transpose.xhtml#ab4b8f5a316fa4d33a1c600a3f27e590f">AccessWindowTranspose</a>.</p> -<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00294">arm_compute::update_window_and_padding()</a>.</p> +<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00307">arm_compute::update_window_and_padding()</a>.</p> </div> </div> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <p>Implemented in <a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">AccessWindowRectangle</a>, <a class="el" href="classarm__compute_1_1_access_window_static.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">AccessWindowStatic</a>, <a class="el" href="classarm__compute_1_1_access_window_auto_padding.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">AccessWindowAutoPadding</a>, and <a class="el" href="classarm__compute_1_1_access_window_transpose.xhtml#a7ad9fe991410dc3550f6c4fd6e87a708">AccessWindowTranspose</a>.</p> -<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00294">arm_compute::update_window_and_padding()</a>.</p> +<p>Referenced by <a class="el" href="_i_access_window_8h_source.xhtml#l00132">AccessWindowRectangle::AccessWindowRectangle()</a>, and <a class="el" href="_helpers_8h_source.xhtml#l00307">arm_compute::update_window_and_padding()</a>.</p> </div> </div> @@ -314,7 +314,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_array.xhtml b/documentation/classarm__compute_1_1_i_array.xhtml index c121523cc..a923cdb32 100644 --- a/documentation/classarm__compute_1_1_i_array.xhtml +++ b/documentation/classarm__compute_1_1_i_array.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -529,7 +529,7 @@ class arm_compute::IArray< T ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_array.xhtml">IArray</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_array.xhtml b/documentation/classarm__compute_1_1_i_c_l_array.xhtml index f7a24b16b..2b947e46e 100644 --- a/documentation/classarm__compute_1_1_i_c_l_array.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_array.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -454,7 +454,7 @@ class arm_compute::ICLArray< T ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLArray</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_distribution1_d.xhtml b/documentation/classarm__compute_1_1_i_c_l_distribution1_d.xhtml index 92d437737..cb458782e 100644 --- a/documentation/classarm__compute_1_1_i_c_l_distribution1_d.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_distribution1_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -414,7 +414,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml">ICLDistribution1D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_l_kernel.xhtml index 098d835ac..b3edaad06 100644 --- a/documentation/classarm__compute_1_1_i_c_l_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -507,7 +507,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_lut.xhtml b/documentation/classarm__compute_1_1_i_c_l_lut.xhtml index b40dcdde1..afef38f7b 100644 --- a/documentation/classarm__compute_1_1_i_c_l_lut.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_lut.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -367,7 +367,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml">ICLLut</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_multi_image.xhtml b/documentation/classarm__compute_1_1_i_c_l_multi_image.xhtml index 8238ab5f0..4f2bae6ad 100644 --- a/documentation/classarm__compute_1_1_i_c_l_multi_image.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_multi_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -308,7 +308,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_multi_image.xhtml">ICLMultiImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml index cdd22ee74..2608a669f 100644 --- a/documentation/classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -268,7 +268,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml index b530324d3..c6f41eefc 100644 --- a/documentation/classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -266,7 +266,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml">ICLSimple3DKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_simple_function.xhtml b/documentation/classarm__compute_1_1_i_c_l_simple_function.xhtml index 5606854e1..d0ee94027 100644 --- a/documentation/classarm__compute_1_1_i_c_l_simple_function.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_simple_function.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -216,7 +216,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_simple_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_l_simple_kernel.xhtml index 3158787e1..beeb38475 100644 --- a/documentation/classarm__compute_1_1_i_c_l_simple_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_simple_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -421,7 +421,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_l_tensor.js b/documentation/classarm__compute_1_1_i_c_l_tensor.js index 8497fa1c9..57f87fc31 100644 --- a/documentation/classarm__compute_1_1_i_c_l_tensor.js +++ b/documentation/classarm__compute_1_1_i_c_l_tensor.js @@ -2,10 +2,13 @@ var classarm__compute_1_1_i_c_l_tensor = [ [ "ICLTensor", "classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce", null ], [ "ICLTensor", "classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6", null ], + [ "ICLTensor", "classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03", null ], + [ "~ICLTensor", "classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e", null ], [ "buffer", "classarm__compute_1_1_i_c_l_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc", null ], [ "cl_buffer", "classarm__compute_1_1_i_c_l_tensor.xhtml#a1fb4c50755a0ef424652246838ed91a6", null ], [ "clear", "classarm__compute_1_1_i_c_l_tensor.xhtml#a7b94593f2b06f00d380ec3a3e6abccb2", null ], [ "map", "classarm__compute_1_1_i_c_l_tensor.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0", null ], [ "operator=", "classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e", null ], + [ "operator=", "classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80", null ], [ "unmap", "classarm__compute_1_1_i_c_l_tensor.xhtml#af974a2360069c2ef8df4496d00e4f6cc", null ] ];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_i_c_l_tensor.xhtml b/documentation/classarm__compute_1_1_i_c_l_tensor.xhtml index 6bdeddb39..efce2d098 100644 --- a/documentation/classarm__compute_1_1_i_c_l_tensor.xhtml +++ b/documentation/classarm__compute_1_1_i_c_l_tensor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,6 +140,12 @@ Public Member Functions</h2></td></tr> <tr class="separator:ad49b11e9c7276ca78046ad4c339cd7c6"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:af72219f9b5e8803950eb8863a23c076e"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e">operator=</a> (const <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &)=delete</td></tr> <tr class="separator:af72219f9b5e8803950eb8863a23c076e"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae81da2706cd5717c6c4d7cea239a1e03"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03">ICLTensor</a> (<a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&)=default</td></tr> +<tr class="separator:ae81da2706cd5717c6c4d7cea239a1e03"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a6a7368baa4f8580ea732b2a352217b80"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80">operator=</a> (<a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> &&)=default</td></tr> +<tr class="separator:a6a7368baa4f8580ea732b2a352217b80"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa0bce17c5cd01f2b45cc59afd615913e"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e">~ICLTensor</a> ()=default</td></tr> +<tr class="separator:aa0bce17c5cd01f2b45cc59afd615913e"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a1fb4c50755a0ef424652246838ed91a6"><td class="memItemLeft" align="right" valign="top">virtual const cl::Buffer & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#a1fb4c50755a0ef424652246838ed91a6">cl_buffer</a> () const =0</td></tr> <tr class="memdesc:a1fb4c50755a0ef424652246838ed91a6"><td class="mdescLeft"> </td><td class="mdescRight">Interface to be implemented by the child class to return a reference to the OpenCL buffer containing the image's data. <a href="#a1fb4c50755a0ef424652246838ed91a6">More...</a><br /></td></tr> <tr class="separator:a1fb4c50755a0ef424652246838ed91a6"><td class="memSeparator" colspan="2"> </td></tr> @@ -219,6 +225,53 @@ Public Member Functions</h2></td></tr> </div> </div> +<a class="anchor" id="ae81da2706cd5717c6c4d7cea239a1e03"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> </td> + <td>(</td> + <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> && </td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">default</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +</div> +</div> +<a class="anchor" id="aa0bce17c5cd01f2b45cc59afd615913e"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">virtual ~<a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> </td> + <td>(</td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">virtual</span><span class="mlabel">default</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +</div> +</div> <h2 class="groupheader">Member Function Documentation</h2> <a class="anchor" id="ace7b855e3c647d29cc37a1ce147901dc"></a> <div class="memitem"> @@ -360,6 +413,30 @@ Public Member Functions</h2></td></tr> </div> </div> +<a class="anchor" id="a6a7368baa4f8580ea732b2a352217b80"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a>& operator= </td> + <td>(</td> + <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> && </td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">default</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +</div> +</div> <a class="anchor" id="af974a2360069c2ef8df4496d00e4f6cc"></a> <div class="memitem"> <div class="memproto"> @@ -394,7 +471,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_p_p_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_p_p_kernel.xhtml index 724d1abe9..0513f5c0a 100644 --- a/documentation/classarm__compute_1_1_i_c_p_p_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_p_p_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -222,7 +222,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio </dd> </dl> -<p>Implemented in <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionVertKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionVertKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionVertKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMinMaxLocationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DNormKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateSquaredKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGBlockNormalizationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionHorKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionHorKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionHorKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreFP16Kernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELKTrackerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreKernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateWeightedFP16Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEIm2ColKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DShiftExpSumKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionLayerWeightsReshapeKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMTranspose1xWKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEColorConvertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateWeightedKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECol2ImKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMLowpMatrixMultiplyKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelCombineKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelExtractKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECumulativeDistributionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGDetectorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEPixelWiseMultiplicationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixMultiplyKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMinMaxKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEScaleKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">CPPCornerCandidatesKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGradientKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMInterleave4x4Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixAdditionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMeanStdDevKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillArrayKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillInnerBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMagnitudePhaseKernel< mag_type, phase_type ></a>, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAbsoluteDifferenceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEThresholdKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGOrientationBinningKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NERemapKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NETransposeKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEArithmeticAdditionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEArithmeticSubtractionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDepthConvertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">INEWarpKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseAndKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseOrKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseXorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGNonMaximaSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">CPPSortEuclideanDistanceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseNotKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NETableLookupKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEActivationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBox3x3FP16Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixAccumulateBiasesKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DMaxKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDilateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEErodeKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEIntegralImageKernel</a>.</p> +<p>Implemented in <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMinMaxLocationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DNormKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateSquaredKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGBlockNormalizationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreFP16Kernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELKTrackerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreKernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateWeightedFP16Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEIm2ColKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DShiftExpSumKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionLayerWeightsReshapeKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMTranspose1xWKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEColorConvertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateWeightedKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECol2ImKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMLowpMatrixMultiplyKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelCombineKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelExtractKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECumulativeDistributionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGDetectorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEPixelWiseMultiplicationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixMultiplyKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMinMaxKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEScaleKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">CPPCornerCandidatesKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGradientKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMInterleave4x4Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixAdditionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMeanStdDevKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillArrayKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFillInnerBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMagnitudePhaseKernel< mag_type, phase_type ></a>, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NESobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAbsoluteDifferenceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NENormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEThresholdKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGOrientationBinningKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NERemapKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NETransposeKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEArithmeticAdditionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEArithmeticSubtractionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDepthConvertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">INEWarpKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseAndKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseOrKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseXorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGNonMaximaSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">CPPSortEuclideanDistanceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBitwiseNotKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NETableLookupKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEActivationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBox3x3FP16Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGEMMMatrixAccumulateBiasesKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEAccumulateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NELogits1DMaxKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDilateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEErodeKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEIntegralImageKernel</a>.</p> </div> </div> @@ -235,7 +235,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml b/documentation/classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml index 25211e10e..7f91fc082 100644 --- a/documentation/classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -337,7 +337,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_distribution.xhtml b/documentation/classarm__compute_1_1_i_distribution.xhtml index 9571c161b..503955a19 100644 --- a/documentation/classarm__compute_1_1_i_distribution.xhtml +++ b/documentation/classarm__compute_1_1_i_distribution.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -287,7 +287,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_distribution.xhtml">IDistribution</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_distribution1_d.xhtml b/documentation/classarm__compute_1_1_i_distribution1_d.xhtml index 81c09847a..2ace43880 100644 --- a/documentation/classarm__compute_1_1_i_distribution1_d.xhtml +++ b/documentation/classarm__compute_1_1_i_distribution1_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -380,7 +380,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_function.xhtml b/documentation/classarm__compute_1_1_i_function.xhtml index 1a84b33f4..eefc509a6 100644 --- a/documentation/classarm__compute_1_1_i_function.xhtml +++ b/documentation/classarm__compute_1_1_i_function.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -199,7 +199,7 @@ Public Member Functions</h2></td></tr> </ul> <dl class="section note"><dt>Note</dt><dd>The function will not block until the kernels are executed. It is the user's responsibility to wait. </dd></dl> -<p>Implemented in <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution9x9</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution7x7</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussianPyramidOrb</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussianPyramidOrb</a>, <a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">CLOpticalFlow</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussianPyramidHalf</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussianPyramidHalf</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionSquare< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">CLHarrisCorners</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution5x5</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHarrisCorners</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGMultiDetection</a>, <a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">CLLaplacianReconstruct</a>, <a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">NELaplacianReconstruct</a>, <a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb">NECannyEdge</a>, <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">NEOpticalFlow</a>, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGEMMLowp</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGEMMLowp</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">CLLaplacianPyramid</a>, <a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">NELaplacianPyramid</a>, <a class="el" href="classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">CLFastCorners</a>, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb">CLMinMaxLocation</a>, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGEMM</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad">CLCannyEdge</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFastCorners</a>, <a class="el" href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLFullyConnectedLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFullyConnectedLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGEMM</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NESobel5x5</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">NESobel7x7</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSobel5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSobel7x7</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb">NEMinMaxLocation</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">NEDerivative</a>, <a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEEqualizeHistogram</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGGradient</a>, <a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLNormalizationLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussian5x5</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NENormalizationLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">CLHistogram</a>, <a class="el" href="classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">CLEqualizeHistogram</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHistogram</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGDescriptor</a>, <a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NESoftmaxLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSoftmaxLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb">NEMeanStdDev</a>, <a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb">CLIntegralImage</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFillBorder</a>, <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb">CLMeanStdDev</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction</a>, and <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction</a>.</p> +<p>Implemented in <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussianPyramidOrb</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussianPyramidOrb</a>, <a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">CLOpticalFlow</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussianPyramidHalf</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussianPyramidHalf</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionSquare< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionSquare< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">CLHarrisCorners</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHarrisCorners</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGMultiDetection</a>, <a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">CLLaplacianReconstruct</a>, <a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb">NELaplacianReconstruct</a>, <a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb">NECannyEdge</a>, <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb">NEOpticalFlow</a>, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGEMMLowp</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGEMMLowp</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLConvolutionLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">CLLaplacianPyramid</a>, <a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb">NELaplacianPyramid</a>, <a class="el" href="classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">CLFastCorners</a>, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb">CLMinMaxLocation</a>, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGEMM</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad">CLCannyEdge</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFastCorners</a>, <a class="el" href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLFullyConnectedLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFullyConnectedLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGEMM</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NESobel5x5</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">NESobel7x7</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSobel5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSobel7x7</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb">NEMinMaxLocation</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">NEDerivative</a>, <a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEEqualizeHistogram</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGGradient</a>, <a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLNormalizationLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEGaussian5x5</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NENormalizationLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5</a>, <a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">CLHistogram</a>, <a class="el" href="classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">CLEqualizeHistogram</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGDescriptor</a>, <a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NESoftmaxLayer</a>, <a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">CLSoftmaxLayer</a>, <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb">NEMeanStdDev</a>, <a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb">CLIntegralImage</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb">NEFillBorder</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHistogram</a>, <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb">CLMeanStdDev</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction</a>, and <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction</a>.</p> </div> </div> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_h_o_g.xhtml b/documentation/classarm__compute_1_1_i_h_o_g.xhtml index a92520fd2..d9d514da7 100644 --- a/documentation/classarm__compute_1_1_i_h_o_g.xhtml +++ b/documentation/classarm__compute_1_1_i_h_o_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -235,7 +235,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml">IHOG</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_kernel.xhtml b/documentation/classarm__compute_1_1_i_kernel.xhtml index 99f083a59..eda0eb6a6 100644 --- a/documentation/classarm__compute_1_1_i_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -216,7 +216,7 @@ Public Member Functions</h2></td></tr> <p>The size of the border for that kernel. </p> <dl class="section return"><dt>Returns</dt><dd>The width in number of elements of the border. </dd></dl> -<p>Reimplemented in <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionVertKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionVertKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionVertKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionHorKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionHorKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionHorKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEHarrisScoreFP16Kernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELKTrackerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEHarrisScoreKernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELogits1DShiftExpSumKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLHarrisScoreKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionKernel< 5 ></a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionKernel< 7 ></a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionKernel< 9 ></a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEScaleKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLRemapKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLScaleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELogits1DMaxKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLDilateKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLErodeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLWarpAffineKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLWarpPerspectiveKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEDilateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEErodeKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEIntegralImageKernel</a>.</p> +<p>Reimplemented in <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLConvolutionRectangleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSeparableConvolutionVertKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEHarrisScoreFP16Kernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel7x7VertKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSeparableConvolutionHorKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLEdgeNonMaxSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELKTrackerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussianPyramidVertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEHarrisScoreKernel< block_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELogits1DShiftExpSumKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLHarrisScoreKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEScharr3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian5x5VertKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEScaleKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLConvolutionKernel< matrix_size ></a>, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NESobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NENormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel7x7HorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEFastCornersKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNormalizationLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLSobel3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEDerivativeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLRemapKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussianPyramidHorKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEPoolingLayerKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNonLinearFilterKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLScaleKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian5x5HorKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLNonMaximaSuppression3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NELogits1DMaxKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLDilateKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLErodeKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLWarpAffineKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">CLWarpPerspectiveKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEGaussian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEMedian3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEBox3x3Kernel</a>, <a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEDilateKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEErodeKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7">NEIntegralImageKernel</a>.</p> </div> </div> @@ -246,7 +246,7 @@ Public Member Functions</h2></td></tr> <p>If the kernel is not parallelisable then only the window returned by <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a> can be passed to run()</p> <dl class="section return"><dt>Returns</dt><dd>True if the kernel is parallelisable </dd></dl> -<p>Reimplemented in <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHistogramBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEMinMaxLocationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEChannelCombineKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">CLFillBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NECumulativeDistributionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEFillArrayKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHOGNonMaximaSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">CPPSortEuclideanDistanceKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEIntegralImageKernel</a>.</p> +<p>Reimplemented in <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEEdgeTraceKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEMinMaxLocationKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEChannelCombineKernel</a>, <a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">CLFillBorderKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NECumulativeDistributionKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEFillArrayKernel</a>, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHOGNonMaximaSuppressionKernel</a>, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">CPPSortEuclideanDistanceKernel</a>, and <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEIntegralImageKernel</a>.</p> </div> </div> @@ -279,7 +279,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml">IKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_lut.xhtml b/documentation/classarm__compute_1_1_i_lut.xhtml index 6432c45f6..3001a4a1c 100644 --- a/documentation/classarm__compute_1_1_i_lut.xhtml +++ b/documentation/classarm__compute_1_1_i_lut.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -358,7 +358,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_lut.xhtml">ILut</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_lut_allocator.xhtml b/documentation/classarm__compute_1_1_i_lut_allocator.xhtml index 64ddc78a1..74b790517 100644 --- a/documentation/classarm__compute_1_1_i_lut_allocator.xhtml +++ b/documentation/classarm__compute_1_1_i_lut_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -351,7 +351,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml">ILutAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_multi_h_o_g.xhtml b/documentation/classarm__compute_1_1_i_multi_h_o_g.xhtml index d496e38d5..824026af6 100644 --- a/documentation/classarm__compute_1_1_i_multi_h_o_g.xhtml +++ b/documentation/classarm__compute_1_1_i_multi_h_o_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -279,7 +279,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_multi_h_o_g.xhtml">IMultiHOG</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_multi_image.xhtml b/documentation/classarm__compute_1_1_i_multi_image.xhtml index e3c689b1f..b16dacaa4 100644 --- a/documentation/classarm__compute_1_1_i_multi_image.xhtml +++ b/documentation/classarm__compute_1_1_i_multi_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -279,7 +279,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml b/documentation/classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml index 5c5b7dcc6..770907381 100644 --- a/documentation/classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -420,7 +420,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_n_e_simple_function.xhtml b/documentation/classarm__compute_1_1_i_n_e_simple_function.xhtml index c2a58b74a..0bab1da2d 100644 --- a/documentation/classarm__compute_1_1_i_n_e_simple_function.xhtml +++ b/documentation/classarm__compute_1_1_i_n_e_simple_function.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -216,7 +216,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_n_e_warp_kernel.xhtml b/documentation/classarm__compute_1_1_i_n_e_warp_kernel.xhtml index 0de8783fc..09407cd7d 100644 --- a/documentation/classarm__compute_1_1_i_n_e_warp_kernel.xhtml +++ b/documentation/classarm__compute_1_1_i_n_e_warp_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -414,7 +414,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_pyramid.xhtml b/documentation/classarm__compute_1_1_i_pyramid.xhtml index 6f2a40cce..af32a93bf 100644 --- a/documentation/classarm__compute_1_1_i_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_i_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -241,7 +241,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_tensor.xhtml b/documentation/classarm__compute_1_1_i_tensor.xhtml index 41ca1d49a..3ccc79b28 100644 --- a/documentation/classarm__compute_1_1_i_tensor.xhtml +++ b/documentation/classarm__compute_1_1_i_tensor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -207,7 +207,7 @@ Public Member Functions</h2></td></tr> <p>Implemented in <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc">ICLTensor</a>, and <a class="el" href="classarm__compute_1_1_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc">Tensor</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> </div> </div> @@ -268,7 +268,7 @@ num_channels() and element_size() of both tensors must match.</dd></dl> <p>Implemented in <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor</a>, and <a class="el" href="classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">Tensor</a>.</p> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="_validate_8h_source.xhtml#l00259">arm_compute::error_on_data_type_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00227">arm_compute::error_on_data_type_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00162">arm_compute::error_on_mismatching_data_types()</a>, <a class="el" href="_validate_8h_source.xhtml#l00109">arm_compute::have_different_shapes()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="_validate_8h_source.xhtml#l00259">arm_compute::error_on_data_type_channel_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00227">arm_compute::error_on_data_type_not_in()</a>, <a class="el" href="_validate_8h_source.xhtml#l00162">arm_compute::error_on_mismatching_data_types()</a>, <a class="el" href="_validate_8h_source.xhtml#l00109">arm_compute::have_different_shapes()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> </div> </div> @@ -386,7 +386,7 @@ num_channels() and element_size() of both tensors must match.</dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_i_tensor_allocator.js b/documentation/classarm__compute_1_1_i_tensor_allocator.js index b5e526d76..7440ee87f 100644 --- a/documentation/classarm__compute_1_1_i_tensor_allocator.js +++ b/documentation/classarm__compute_1_1_i_tensor_allocator.js @@ -5,6 +5,7 @@ var classarm__compute_1_1_i_tensor_allocator = [ "ITensorAllocator", "classarm__compute_1_1_i_tensor_allocator.xhtml#a4fe09d257ff33e01defc7074ca22dc98", null ], [ "~ITensorAllocator", "classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99", null ], [ "allocate", "classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85", null ], + [ "free", "classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683", null ], [ "info", "classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231", null ], [ "info", "classarm__compute_1_1_i_tensor_allocator.xhtml#ad129de4883c35830834987e9b68314e1", null ], [ "init", "classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680", null ], diff --git a/documentation/classarm__compute_1_1_i_tensor_allocator.xhtml b/documentation/classarm__compute_1_1_i_tensor_allocator.xhtml index 39c0daeba..7e1113220 100644 --- a/documentation/classarm__compute_1_1_i_tensor_allocator.xhtml +++ b/documentation/classarm__compute_1_1_i_tensor_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -158,6 +158,9 @@ Public Member Functions</h2></td></tr> <tr class="memitem:aa8a4946cd749d482dd996874d295af85"><td class="memItemLeft" align="right" valign="top">virtual void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a> ()=0</td></tr> <tr class="memdesc:aa8a4946cd749d482dd996874d295af85"><td class="mdescLeft"> </td><td class="mdescRight">Interface to be implemented by the child class to allocate the tensor. <a href="#aa8a4946cd749d482dd996874d295af85">More...</a><br /></td></tr> <tr class="separator:aa8a4946cd749d482dd996874d295af85"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a1781eecaabd2bc97d074437d01b2c683"><td class="memItemLeft" align="right" valign="top">virtual void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">free</a> ()=0</td></tr> +<tr class="memdesc:a1781eecaabd2bc97d074437d01b2c683"><td class="mdescLeft"> </td><td class="mdescRight">Interface to be implemented by the child class to free the allocated tensor. <a href="#a1781eecaabd2bc97d074437d01b2c683">More...</a><br /></td></tr> +<tr class="separator:a1781eecaabd2bc97d074437d01b2c683"><td class="memSeparator" colspan="2"> </td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Interface to allocate tensors. </p> @@ -290,6 +293,34 @@ Public Member Functions</h2></td></tr> </div> </div> +<a class="anchor" id="a1781eecaabd2bc97d074437d01b2c683"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">virtual void free </td> + <td>(</td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">pure virtual</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +<p>Interface to be implemented by the child class to free the allocated tensor. </p> +<dl class="section warning"><dt>Warning</dt><dd>The tensor must have been allocated previously. Otherwise calling the function will fail. </dd></dl> + +<p>Implemented in <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">CLTensorAllocator</a>, and <a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">TensorAllocator</a>.</p> + +</div> +</div> <a class="anchor" id="a2b12680d0e794d5e81f489df22b38231"></a> <div class="memitem"> <div class="memproto"> @@ -413,7 +444,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_iterator.xhtml b/documentation/classarm__compute_1_1_iterator.xhtml index cd899ef79..531d3d124 100644 --- a/documentation/classarm__compute_1_1_iterator.xhtml +++ b/documentation/classarm__compute_1_1_iterator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -151,7 +151,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p><a class="el" href="classarm__compute_1_1_iterator.xhtml" title="Iterator updated by execute_window_loop for each window element. ">Iterator</a> updated by <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a> for each window element. </p> -<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00210">210</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> +<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00223">223</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="a45381773d6cba2ad9e9d2d04515fa40b"></a> <div class="memitem"> @@ -267,7 +267,7 @@ Public Member Functions</h2></td></tr> <dl class="section warning"><dt>Warning</dt><dd>Only works if the iterator was created with an <a class="el" href="classarm__compute_1_1_i_tensor.xhtml" title="Interface for NEON tensor. ">ITensor</a>.</dd></dl> <dl class="section return"><dt>Returns</dt><dd>equivalent to buffer() + <a class="el" href="classarm__compute_1_1_iterator.xhtml#a8760d21bd43ac13bd26489b7736245b3" title="Return the offset in bytes from the first element to the current position of the iterator. ">offset()</a> </dd></dl> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">arm_compute::colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">arm_compute::colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">arm_compute::colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">arm_compute::colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">arm_compute::colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">arm_compute::colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">arm_compute::colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">arm_compute::colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>.</p> </div> </div> @@ -304,7 +304,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_iterator.xhtml">Iterator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_kernel.xhtml b/documentation/classarm__compute_1_1_kernel.xhtml index 1bf830043..1f5c38873 100644 --- a/documentation/classarm__compute_1_1_kernel.xhtml +++ b/documentation/classarm__compute_1_1_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -380,7 +380,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_kernel.xhtml">Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_lut.xhtml b/documentation/classarm__compute_1_1_lut.xhtml index f1d2a6d99..e6a9284b4 100644 --- a/documentation/classarm__compute_1_1_lut.xhtml +++ b/documentation/classarm__compute_1_1_lut.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -419,7 +419,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_lut.xhtml">Lut</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_lut_allocator.xhtml b/documentation/classarm__compute_1_1_lut_allocator.xhtml index 99bf73f99..63eabec45 100644 --- a/documentation/classarm__compute_1_1_lut_allocator.xhtml +++ b/documentation/classarm__compute_1_1_lut_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -215,7 +215,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_lut_allocator.xhtml">LutAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_multi_h_o_g.xhtml b/documentation/classarm__compute_1_1_multi_h_o_g.xhtml index e44462c09..4368ece86 100644 --- a/documentation/classarm__compute_1_1_multi_h_o_g.xhtml +++ b/documentation/classarm__compute_1_1_multi_h_o_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -288,7 +288,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_multi_h_o_g.xhtml">MultiHOG</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_multi_image.xhtml b/documentation/classarm__compute_1_1_multi_image.xhtml index 636a1816a..50a04fea7 100644 --- a/documentation/classarm__compute_1_1_multi_image.xhtml +++ b/documentation/classarm__compute_1_1_multi_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -445,7 +445,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_multi_image.xhtml">MultiImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_multi_image_info.xhtml b/documentation/classarm__compute_1_1_multi_image_info.xhtml index fe7aca0d3..1534337a2 100644 --- a/documentation/classarm__compute_1_1_multi_image_info.xhtml +++ b/documentation/classarm__compute_1_1_multi_image_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -272,7 +272,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml">MultiImageInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_absolute_difference.xhtml b/documentation/classarm__compute_1_1_n_e_absolute_difference.xhtml index 1aeb3f1f9..8ad1e7f39 100644 --- a/documentation/classarm__compute_1_1_n_e_absolute_difference.xhtml +++ b/documentation/classarm__compute_1_1_n_e_absolute_difference.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -208,7 +208,7 @@ The function calculates the absolute difference also when the 2 inputs have diff <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml">NEAbsoluteDifference</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml index 24677f6a8..62f945a41 100644 --- a/documentation/classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -423,7 +423,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate.xhtml index 37ef5a9c5..1f772a5d1 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -198,7 +198,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml">NEAccumulate</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_kernel.xhtml index 850b7bcd3..4f9537ca9 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -270,7 +270,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_squared.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_squared.xhtml index 1b1b1c754..61eab52f9 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_squared.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_squared.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared.xhtml">NEAccumulateSquared</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml index af4c88ce2..77051a117 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -299,7 +299,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml">NEAccumulateSquaredKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_weighted.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_weighted.xhtml index 8784dcc25..29827a8d1 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_weighted.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_weighted.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml">NEAccumulateWeighted</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml index 1f0a38ff0..4864f24cf 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -236,7 +236,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml">NEAccumulateWeightedFP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml index 62ace82fa..34bbad390 100644 --- a/documentation/classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -303,7 +303,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml">NEAccumulateWeightedKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_activation_layer.xhtml b/documentation/classarm__compute_1_1_n_e_activation_layer.xhtml index dedb585ce..411c8c49f 100644 --- a/documentation/classarm__compute_1_1_n_e_activation_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_activation_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -206,7 +206,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_activation_layer.xhtml">NEActivationLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_activation_layer_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_activation_layer_kernel.xhtml index 594dc8fe1..63fb0ad40 100644 --- a/documentation/classarm__compute_1_1_n_e_activation_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_activation_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -411,7 +411,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">NEActivationLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_arithmetic_addition.xhtml b/documentation/classarm__compute_1_1_n_e_arithmetic_addition.xhtml index a9834af0c..2d8b153da 100644 --- a/documentation/classarm__compute_1_1_n_e_arithmetic_addition.xhtml +++ b/documentation/classarm__compute_1_1_n_e_arithmetic_addition.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml">NEArithmeticAddition</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml index 937031fcf..cd9c4915b 100644 --- a/documentation/classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -427,7 +427,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml">NEArithmeticAdditionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml b/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml index de4baff8f..980318aeb 100644 --- a/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml +++ b/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml">NEArithmeticSubtraction</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml index 5d08d31c1..9ab06e96a 100644 --- a/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -427,7 +427,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml">NEArithmeticSubtractionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_and.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_and.xhtml index a044beb4a..cbe7d60b0 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_and.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_and.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and.xhtml">NEBitwiseAnd</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml index 81e0d67b4..1da0222a5 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -395,7 +395,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml">NEBitwiseAndKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_not.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_not.xhtml index 2d0f404dc..a50e78640 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_not.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_not.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -198,7 +198,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not.xhtml">NEBitwiseNot</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml index d73623588..61ec90ce4 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -388,7 +388,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml">NEBitwiseNotKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_or.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_or.xhtml index e67d9823a..7d5a3bf9a 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_or.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_or.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or.xhtml">NEBitwiseOr</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml index 1a66042da..518f9e0cd 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -395,7 +395,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml">NEBitwiseOrKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_xor.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_xor.xhtml index 74c206ca2..41112ec4f 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_xor.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_xor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor.xhtml">NEBitwiseXor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml index ba1ec3e36..e826b00c7 100644 --- a/documentation/classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -395,7 +395,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml">NEBitwiseXorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_box3x3.xhtml b/documentation/classarm__compute_1_1_n_e_box3x3.xhtml index cf116381f..052b7a60d 100644 --- a/documentation/classarm__compute_1_1_n_e_box3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_box3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml">NEBox3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml index 0a316843c..de3ea9a42 100644 --- a/documentation/classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">NEBox3x3FP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_box3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_box3x3_kernel.xhtml index f640ccf01..859dc9fe7 100644 --- a/documentation/classarm__compute_1_1_n_e_box3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_box3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -304,7 +304,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_canny_edge.xhtml b/documentation/classarm__compute_1_1_n_e_canny_edge.xhtml index f187f4cd7..52be19ff6 100644 --- a/documentation/classarm__compute_1_1_n_e_canny_edge.xhtml +++ b/documentation/classarm__compute_1_1_n_e_canny_edge.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -368,7 +368,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_channel_combine.xhtml b/documentation/classarm__compute_1_1_n_e_channel_combine.xhtml index 70baa33a8..84b4a3e81 100644 --- a/documentation/classarm__compute_1_1_n_e_channel_combine.xhtml +++ b/documentation/classarm__compute_1_1_n_e_channel_combine.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -271,7 +271,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml">NEChannelCombine</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_channel_combine_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_channel_combine_kernel.xhtml index af2aa8d86..aeeb95588 100644 --- a/documentation/classarm__compute_1_1_n_e_channel_combine_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_channel_combine_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -516,7 +516,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml">NEChannelCombineKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_channel_extract.xhtml b/documentation/classarm__compute_1_1_n_e_channel_extract.xhtml index 9fc675b9c..c04b3fd30 100644 --- a/documentation/classarm__compute_1_1_n_e_channel_extract.xhtml +++ b/documentation/classarm__compute_1_1_n_e_channel_extract.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -250,7 +250,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml">NEChannelExtract</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_channel_extract_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_channel_extract_kernel.xhtml index 50ff68b56..bd7e746c3 100644 --- a/documentation/classarm__compute_1_1_n_e_channel_extract_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_channel_extract_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -484,7 +484,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">NEChannelExtractKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_col2_im_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_col2_im_kernel.xhtml index 456055f47..f33e807d7 100644 --- a/documentation/classarm__compute_1_1_n_e_col2_im_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_col2_im_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -425,7 +425,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml">NECol2ImKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_color_convert.xhtml b/documentation/classarm__compute_1_1_n_e_color_convert.xhtml index 48bad284c..5a039058a 100644 --- a/documentation/classarm__compute_1_1_n_e_color_convert.xhtml +++ b/documentation/classarm__compute_1_1_n_e_color_convert.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -312,7 +312,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml">NEColorConvert</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_color_convert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_color_convert_kernel.xhtml index ca4ae80ba..a6f121ba0 100644 --- a/documentation/classarm__compute_1_1_n_e_color_convert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_color_convert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -527,7 +527,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution3x3.xhtml b/documentation/classarm__compute_1_1_n_e_convolution3x3.xhtml index 3de0b376c..01de7a39b 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution5x5.js b/documentation/classarm__compute_1_1_n_e_convolution5x5.js deleted file mode 100644 index 458d17469..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution5x5.js +++ /dev/null @@ -1,6 +0,0 @@ -var classarm__compute_1_1_n_e_convolution5x5 = -[ - [ "NEConvolution5x5", "classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66", null ], - [ "configure", "classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e", null ], - [ "run", "classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb", null ] -];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.map b/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.map deleted file mode 100644 index 41fd6a0f6..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.map +++ /dev/null @@ -1,3 +0,0 @@ -<map id="NEConvolution5x5" name="NEConvolution5x5"> -<area shape="rect" id="node2" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="33,5,109,32"/> -</map> diff --git a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.md5 b/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.md5 deleted file mode 100644 index 58d7507f4..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.md5 +++ /dev/null @@ -1 +0,0 @@ -3d29de4cdf9c85b57759b9fa8399a4f8
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.svg b/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.svg deleted file mode 100644 index 9406a5aea..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution5x5__coll__graph.svg +++ /dev/null @@ -1,31 +0,0 @@ -<?xml version="1.0" encoding="UTF-8" standalone="no"?> -<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" - "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> -<!-- Generated by graphviz version 2.38.0 (20140413.2041) - --> -<!-- Title: NEConvolution5x5 Pages: 1 --> -<svg width="106pt" height="84pt" - viewBox="0.00 0.00 106.00 84.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 80)"> -<title>NEConvolution5x5</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-80 102,-80 102,4 -4,4"/> -<!-- Node1 --> -<g id="node1" class="node"><title>Node1</title> -<polygon fill="#bfbfbf" stroke="black" points="-7.10543e-15,-0.5 -7.10543e-15,-19.5 98,-19.5 98,-0.5 -7.10543e-15,-0.5"/> -<text text-anchor="middle" x="49" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution5x5</text> -</g> -<!-- Node2 --> -<g id="node2" class="node"><title>Node2</title> -<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> -<polygon fill="white" stroke="black" points="20.5,-56.5 20.5,-75.5 77.5,-75.5 77.5,-56.5 20.5,-56.5"/> -<text text-anchor="middle" x="49" y="-63.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> -</a> -</g> -</g> -<!-- Node2->Node1 --> -<g id="edge1" class="edge"><title>Node2->Node1</title> -<path fill="none" stroke="midnightblue" d="M49,-45.8045C49,-36.9102 49,-26.7798 49,-19.7511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="45.5001,-46.083 49,-56.083 52.5001,-46.083 45.5001,-46.083"/> -</g> -</g> -</svg> diff --git a/documentation/classarm__compute_1_1_n_e_convolution7x7.js b/documentation/classarm__compute_1_1_n_e_convolution7x7.js deleted file mode 100644 index 4f54b6468..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution7x7.js +++ /dev/null @@ -1,6 +0,0 @@ -var classarm__compute_1_1_n_e_convolution7x7 = -[ - [ "NEConvolution7x7", "classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621", null ], - [ "configure", "classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e", null ], - [ "run", "classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb", null ] -];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.md5 b/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.md5 deleted file mode 100644 index f02169603..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.md5 +++ /dev/null @@ -1 +0,0 @@ -521a1540e6b4d6e71612b8f049cae16e
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.svg b/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.svg deleted file mode 100644 index 9fb221ba3..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.svg +++ /dev/null @@ -1,31 +0,0 @@ -<?xml version="1.0" encoding="UTF-8" standalone="no"?> -<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" - "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> -<!-- Generated by graphviz version 2.38.0 (20140413.2041) - --> -<!-- Title: NEConvolution7x7 Pages: 1 --> -<svg width="106pt" height="84pt" - viewBox="0.00 0.00 106.00 84.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 80)"> -<title>NEConvolution7x7</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-80 102,-80 102,4 -4,4"/> -<!-- Node1 --> -<g id="node1" class="node"><title>Node1</title> -<polygon fill="#bfbfbf" stroke="black" points="-7.10543e-15,-0.5 -7.10543e-15,-19.5 98,-19.5 98,-0.5 -7.10543e-15,-0.5"/> -<text text-anchor="middle" x="49" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution7x7</text> -</g> -<!-- Node2 --> -<g id="node2" class="node"><title>Node2</title> -<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> -<polygon fill="white" stroke="black" points="20.5,-56.5 20.5,-75.5 77.5,-75.5 77.5,-56.5 20.5,-56.5"/> -<text text-anchor="middle" x="49" y="-63.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> -</a> -</g> -</g> -<!-- Node2->Node1 --> -<g id="edge1" class="edge"><title>Node2->Node1</title> -<path fill="none" stroke="midnightblue" d="M49,-45.8045C49,-36.9102 49,-26.7798 49,-19.7511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="45.5001,-46.083 49,-56.083 52.5001,-46.083 45.5001,-46.083"/> -</g> -</g> -</svg> diff --git a/documentation/classarm__compute_1_1_n_e_convolution9x9.js b/documentation/classarm__compute_1_1_n_e_convolution9x9.js deleted file mode 100644 index 0d9eb63dd..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution9x9.js +++ /dev/null @@ -1,6 +0,0 @@ -var classarm__compute_1_1_n_e_convolution9x9 = -[ - [ "NEConvolution9x9", "classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471", null ], - [ "configure", "classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e", null ], - [ "run", "classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb", null ] -];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution9x9.xhtml b/documentation/classarm__compute_1_1_n_e_convolution9x9.xhtml deleted file mode 100644 index 1511e4e19..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution9x9.xhtml +++ /dev/null @@ -1,295 +0,0 @@ -<!-- HTML header for doxygen 1.8.9.1--> -<!DOCTYPE html PUBLIC "-//W3C//DTD XHTML 1.0 Transitional//EN" "http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd"> -<html xmlns="http://www.w3.org/1999/xhtml"> -<head> -<meta http-equiv="Content-Type" content="text/xhtml;charset=UTF-8"/> -<meta http-equiv="X-UA-Compatible" content="IE=9"/> -<meta name="generator" content="Doxygen 1.8.11"/> -<meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> -<title>ARM Compute Library: NEConvolution9x9 Class Reference</title> -<link href="tabs.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="jquery.js"></script> -<script type="text/javascript" src="dynsections.js"></script> -<link href="navtree.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="resize.js"></script> -<script type="text/javascript" src="navtreedata.js"></script> -<script type="text/javascript" src="navtree.js"></script> -<script type="text/javascript"> - $(document).ready(initResizable); - $(window).load(resizeHeight); -</script> -<link href="search/search.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="search/searchdata.js"></script> -<script type="text/javascript" src="search/search.js"></script> -<script type="text/javascript"> - $(document).ready(function() { init_search(); }); -</script> -<script type="text/x-mathjax-config"> - MathJax.Hub.Config({ - extensions: ["tex2jax.js"], - jax: ["input/TeX","output/HTML-CSS"], -}); -</script><script type="text/javascript" src="http://cdn.mathjax.org/mathjax/latest/MathJax.js"></script> -<link href="doxygen.css" rel="stylesheet" type="text/css" /> -</head> -<body> -<div id="top"><!-- do not remove this div, it is closed by doxygen! --> -<div id="titlearea"> -<table cellspacing="0" cellpadding="0"> - <tbody> - <tr style="height: 56px;"> - <td style="padding-left: 0.5em;"> - <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> - </div> - </td> - </tr> - </tbody> -</table> -</div> -<!-- end header part --> -<!-- Generated by Doxygen 1.8.11 --> -<script type="text/javascript"> -var searchBox = new SearchBox("searchBox", "search",false,'Search'); -</script> - <div id="navrow1" class="tabs"> - <ul class="tablist"> - <li><a href="index.xhtml"><span>Main Page</span></a></li> - <li><a href="namespaces.xhtml"><span>Namespaces</span></a></li> - <li class="current"><a href="annotated.xhtml"><span>Data Structures</span></a></li> - <li><a href="files.xhtml"><span>Files</span></a></li> - <li> - <div id="MSearchBox" class="MSearchBoxInactive"> - <span class="left"> - <img id="MSearchSelect" src="search/mag_sel.png" - onmouseover="return searchBox.OnSearchSelectShow()" - onmouseout="return searchBox.OnSearchSelectHide()" - alt=""/> - <input type="text" id="MSearchField" value="Search" accesskey="S" - onfocus="searchBox.OnSearchFieldFocus(true)" - onblur="searchBox.OnSearchFieldFocus(false)" - onkeyup="searchBox.OnSearchFieldChange(event)"/> - </span><span class="right"> - <a id="MSearchClose" href="javascript:searchBox.CloseResultsWindow()"><img id="MSearchCloseImg" border="0" src="search/close.png" alt=""/></a> - </span> - </div> - </li> - </ul> - </div> - <div id="navrow2" class="tabs2"> - <ul class="tablist"> - <li><a href="annotated.xhtml"><span>Data Structures</span></a></li> - <li><a href="classes.xhtml"><span>Data Structure Index</span></a></li> - <li><a href="inherits.xhtml"><span>Class Hierarchy</span></a></li> - <li><a href="functions.xhtml"><span>Data Fields</span></a></li> - </ul> - </div> -</div><!-- top --> -<div id="side-nav" class="ui-resizable side-nav-resizable"> - <div id="nav-tree"> - <div id="nav-tree-contents"> - <div id="nav-sync" class="sync"></div> - </div> - </div> - <div id="splitbar" style="-moz-user-select:none;" - class="ui-resizable-handle"> - </div> -</div> -<script type="text/javascript"> -$(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution9x9.xhtml','');}); -</script> -<div id="doc-content"> -<!-- window showing the filter options --> -<div id="MSearchSelectWindow" - onmouseover="return searchBox.OnSearchSelectShow()" - onmouseout="return searchBox.OnSearchSelectHide()" - onkeydown="return searchBox.OnSearchSelectKey(event)"> -</div> - -<!-- iframe showing the search results (closed by default) --> -<div id="MSearchResultsWindow"> -<iframe src="javascript:void(0)" frameborder="0" - name="MSearchResults" id="MSearchResults"> -</iframe> -</div> - -<div class="header"> - <div class="summary"> -<a href="#pub-methods">Public Member Functions</a> </div> - <div class="headertitle"> -<div class="title">NEConvolution9x9 Class Reference</div> </div> -</div><!--header--> -<div class="contents"> - -<p>Basic function to execute convolution of size 9x9. - <a href="classarm__compute_1_1_n_e_convolution9x9.xhtml#details">More...</a></p> - -<p><code>#include <<a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>></code></p> -<div class="dynheader"> -Collaboration diagram for NEConvolution9x9:</div> -<div class="dyncontent"> -<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_n_e_convolution9x9__coll__graph.svg" width="142" height="112"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> -</div> -<center><span class="legend">[<a target="top" href="graph_legend.xhtml">legend</a>]</span></center></div> -<table class="memberdecls"> -<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="pub-methods"></a> -Public Member Functions</h2></td></tr> -<tr class="memitem:ada1aa23065a11fa05e6880a84392b471"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471">NEConvolution9x9</a> ()</td></tr> -<tr class="memdesc:ada1aa23065a11fa05e6880a84392b471"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#ada1aa23065a11fa05e6880a84392b471">More...</a><br /></td></tr> -<tr class="separator:ada1aa23065a11fa05e6880a84392b471"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a58d050865536a28b56a92eeaf3ac478e"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, const int16_t *conv, uint32_t scale, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value=0)</td></tr> -<tr class="memdesc:a58d050865536a28b56a92eeaf3ac478e"><td class="mdescLeft"> </td><td class="mdescRight">Initialize the function's source, destination, conv and border_mode. <a href="#a58d050865536a28b56a92eeaf3ac478e">More...</a><br /></td></tr> -<tr class="separator:a58d050865536a28b56a92eeaf3ac478e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ad1717410afd0be936c6213a63c8005fb"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a> () override</td></tr> -<tr class="memdesc:ad1717410afd0be936c6213a63c8005fb"><td class="mdescLeft"> </td><td class="mdescRight">Run the kernels contained in the function. <a href="#ad1717410afd0be936c6213a63c8005fb">More...</a><br /></td></tr> -<tr class="separator:ad1717410afd0be936c6213a63c8005fb"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="inherit_header pub_methods_classarm__compute_1_1_i_function"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_function')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></td></tr> -<tr class="memitem:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_function.xhtml#ab921ecc3f3f6ae2b4bd61f3e1998d8c4">~IFunction</a> ()=default</td></tr> -<tr class="memdesc:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="mdescLeft"> </td><td class="mdescRight">Destructor. <a href="#ab921ecc3f3f6ae2b4bd61f3e1998d8c4">More...</a><br /></td></tr> -<tr class="separator:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memSeparator" colspan="2"> </td></tr> -</table> -<a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>Basic function to execute convolution of size 9x9. </p> -<p>This function calls the following NEON kernels:</p> -<ol type="1"> -<li><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> (executed if border_mode == CONSTANT or border_mode == REPLICATE)</li> -<li><a class="el" href="namespacearm__compute.xhtml#a1025306f820a9e76df7e5891caacff7b">NEConvolution9x9Kernel</a> or<br /> - <a class="el" href="namespacearm__compute.xhtml#a4ba5f6b7cd6b70b75e42149f3bc08f38">NESeparableConvolution9x9HorKernel</a> and <a class="el" href="namespacearm__compute.xhtml#a6310d21f215fface41df4cde725a62b9">NESeparableConvolution9x9VertKernel</a> (if convolution matrix is separable) </li> -</ol> - -<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00138">138</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> -</div><h2 class="groupheader">Constructor & Destructor Documentation</h2> -<a class="anchor" id="ada1aa23065a11fa05e6880a84392b471"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a> </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Default constructor. </p> - -</div> -</div> -<h2 class="groupheader">Member Function Documentation</h2> -<a class="anchor" id="a58d050865536a28b56a92eeaf3ac478e"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname">void configure </td> - <td>(</td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> * </td> - <td class="paramname"><em>input</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> * </td> - <td class="paramname"><em>output</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">const int16_t * </td> - <td class="paramname"><em>conv</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">uint32_t </td> - <td class="paramname"><em>scale</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype"><a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> </td> - <td class="paramname"><em>border_mode</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">uint8_t </td> - <td class="paramname"><em>constant_border_value</em> = <code>0</code> </td> - </tr> - <tr> - <td></td> - <td>)</td> - <td></td><td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Initialize the function's source, destination, conv and border_mode. </p> -<dl class="params"><dt>Parameters</dt><dd> - <table class="params"> - <tr><td class="paramdir">[in,out]</td><td class="paramname">input</td><td>Source tensor. Data type supported: U8. (Written to only for <code>border_mode</code> != UNDEFINED) </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination tensor, Data types supported: U8 or S16. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">conv</td><td>matrix_size x matrix_size S16 coefficients structured as a row-major 2D array in a linear buffer. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">scale</td><td>Scale of the convolution matrix. If 0 is passed, it will be set to the sum of the coefficients of the convolution or 1 if they add up to 0. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">border_mode</td><td>Strategy to use for borders. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">constant_border_value</td><td>(Optional) Constant value to use for borders if border_mode is set to CONSTANT. </td></tr> - </table> - </dd> -</dl> - -</div> -</div> -<a class="anchor" id="ad1717410afd0be936c6213a63c8005fb"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname">void run </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Run the kernels contained in the function. </p> -<p>For NEON kernels:</p><ul> -<li>Multi-threading is used for the kernels which are parallelisable.</li> -<li>By default std::thread::hardware_concurrency() threads are used.</li> -</ul> -<dl class="section note"><dt>Note</dt><dd><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef">CPPScheduler::force_number_of_threads()</a> can be used to manually set the number of threads</dd></dl> -<p>For OpenCL kernels:</p><ul> -<li>All the kernels are enqueued on the queue associated with <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml" title="Provides global access to a CL context and command queue. ">CLScheduler</a>.</li> -<li>The queue is then flushed.</li> -</ul> -<dl class="section note"><dt>Note</dt><dd>The function will not block until the kernels are executed. It is the user's responsibility to wait. </dd></dl> - -<p>Implements <a class="el" href="classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b">IFunction</a>.</p> - -</div> -</div> -<hr/>The documentation for this class was generated from the following file:<ul> -<li>arm_compute/runtime/NEON/functions/<a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a></li> -</ul> -</div><!-- contents --> -</div><!-- doc-content --> -<!-- start footer part --> -<div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> - <ul> - <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by - <a href="http://www.doxygen.org/index.html"> - <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> - </ul> -</div> -</body> -</html> diff --git a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.map b/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.map deleted file mode 100644 index dc7ad5147..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.map +++ /dev/null @@ -1,3 +0,0 @@ -<map id="NEConvolution9x9" name="NEConvolution9x9"> -<area shape="rect" id="node2" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="33,5,109,32"/> -</map> diff --git a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.md5 b/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.md5 deleted file mode 100644 index e1aa3a0cf..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.md5 +++ /dev/null @@ -1 +0,0 @@ -43777a50d45615ec744a4f3cd525e090
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.svg b/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.svg deleted file mode 100644 index 5c4177522..000000000 --- a/documentation/classarm__compute_1_1_n_e_convolution9x9__coll__graph.svg +++ /dev/null @@ -1,31 +0,0 @@ -<?xml version="1.0" encoding="UTF-8" standalone="no"?> -<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" - "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> -<!-- Generated by graphviz version 2.38.0 (20140413.2041) - --> -<!-- Title: NEConvolution9x9 Pages: 1 --> -<svg width="106pt" height="84pt" - viewBox="0.00 0.00 106.00 84.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 80)"> -<title>NEConvolution9x9</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-80 102,-80 102,4 -4,4"/> -<!-- Node1 --> -<g id="node1" class="node"><title>Node1</title> -<polygon fill="#bfbfbf" stroke="black" points="-7.10543e-15,-0.5 -7.10543e-15,-19.5 98,-19.5 98,-0.5 -7.10543e-15,-0.5"/> -<text text-anchor="middle" x="49" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution9x9</text> -</g> -<!-- Node2 --> -<g id="node2" class="node"><title>Node2</title> -<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> -<polygon fill="white" stroke="black" points="20.5,-56.5 20.5,-75.5 77.5,-75.5 77.5,-56.5 20.5,-56.5"/> -<text text-anchor="middle" x="49" y="-63.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> -</a> -</g> -</g> -<!-- Node2->Node1 --> -<g id="edge1" class="edge"><title>Node2->Node1</title> -<path fill="none" stroke="midnightblue" d="M49,-45.8045C49,-36.9102 49,-26.7798 49,-19.7511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="45.5001,-46.083 49,-56.083 52.5001,-46.083 45.5001,-46.083"/> -</g> -</g> -</svg> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_kernel.xhtml index b983553fe..7a7943784 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -344,7 +344,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_layer.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_layer.xhtml index 172b3fb0b..bd608709d 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -281,7 +281,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml">NEConvolutionLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml index 63298a3e0..0c3ac840a 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -424,7 +424,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml">NEConvolutionLayerWeightsReshapeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_rectangle.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_rectangle.xhtml index c5413bbf8..9984ff641 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution_rectangle.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_rectangle.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -159,7 +159,7 @@ Public Member Functions</h2></td></tr> </ol> <dl class="section note"><dt>Note</dt><dd>Convolution rectangle should have dimensions of 3, 5, 7, 9 </dd></dl> -<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00173">173</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> +<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00111">111</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> </div><h2 class="groupheader">Member Function Documentation</h2> <a class="anchor" id="ac230ba3519565b12566edfdd99859ed0"></a> <div class="memitem"> @@ -247,7 +247,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml index cd7513335..187eec257 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -449,7 +449,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml">NEConvolutionRectangleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_square.js b/documentation/classarm__compute_1_1_n_e_convolution_square.js new file mode 100644 index 000000000..5f7816c8a --- /dev/null +++ b/documentation/classarm__compute_1_1_n_e_convolution_square.js @@ -0,0 +1,6 @@ +var classarm__compute_1_1_n_e_convolution_square = +[ + [ "NEConvolutionSquare", "classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b", null ], + [ "configure", "classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e", null ], + [ "run", "classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb", null ] +];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution5x5.xhtml b/documentation/classarm__compute_1_1_n_e_convolution_square.xhtml index ca26469ad..69077b2ba 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution5x5.xhtml +++ b/documentation/classarm__compute_1_1_n_e_convolution_square.xhtml @@ -6,7 +6,7 @@ <meta http-equiv="X-UA-Compatible" content="IE=9"/> <meta name="generator" content="Doxygen 1.8.11"/> <meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> -<title>ARM Compute Library: NEConvolution5x5 Class Reference</title> +<title>ARM Compute Library: NEConvolutionSquare< matrix_size > Class Template Reference</title> <link href="tabs.css" rel="stylesheet" type="text/css"/> <script type="text/javascript" src="jquery.js"></script> <script type="text/javascript" src="dynsections.js"></script> @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -96,7 +96,7 @@ var searchBox = new SearchBox("searchBox", "search",false,'Search'); </div> </div> <script type="text/javascript"> -$(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution5x5.xhtml','');}); +$(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution_square.xhtml','');}); </script> <div id="doc-content"> <!-- window showing the filter options --> @@ -117,30 +117,30 @@ $(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_convolution5 <div class="summary"> <a href="#pub-methods">Public Member Functions</a> </div> <div class="headertitle"> -<div class="title">NEConvolution5x5 Class Reference</div> </div> +<div class="title">NEConvolutionSquare< matrix_size > Class Template Reference</div> </div> </div><!--header--> <div class="contents"> -<p>Basic function to execute convolution of size 5x5. - <a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#details">More...</a></p> +<p>Basic function to execute convolution of size 5x5, 7x7, 9x9. + <a href="classarm__compute_1_1_n_e_convolution_square.xhtml#details">More...</a></p> <p><code>#include <<a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>></code></p> <div class="dynheader"> -Collaboration diagram for NEConvolution5x5:</div> +Collaboration diagram for NEConvolutionSquare< matrix_size >:</div> <div class="dyncontent"> -<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_n_e_convolution5x5__coll__graph.svg" width="142" height="112"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_n_e_convolution_square__coll__graph.svg" width="162" height="127"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </div> <center><span class="legend">[<a target="top" href="graph_legend.xhtml">legend</a>]</span></center></div> <table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="pub-methods"></a> Public Member Functions</h2></td></tr> -<tr class="memitem:a917624d838b4c70bdc453d9459cb6e66"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66">NEConvolution5x5</a> ()</td></tr> -<tr class="memdesc:a917624d838b4c70bdc453d9459cb6e66"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#a917624d838b4c70bdc453d9459cb6e66">More...</a><br /></td></tr> -<tr class="separator:a917624d838b4c70bdc453d9459cb6e66"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a58d050865536a28b56a92eeaf3ac478e"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, const int16_t *conv, uint32_t scale, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value=0)</td></tr> +<tr class="memitem:ab60f2bd87482f390d4bbfca943bcdf2b"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b">NEConvolutionSquare</a> ()</td></tr> +<tr class="memdesc:ab60f2bd87482f390d4bbfca943bcdf2b"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#ab60f2bd87482f390d4bbfca943bcdf2b">More...</a><br /></td></tr> +<tr class="separator:ab60f2bd87482f390d4bbfca943bcdf2b"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a58d050865536a28b56a92eeaf3ac478e"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *output, const int16_t *conv, uint32_t scale, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327">BorderMode</a> border_mode, uint8_t constant_border_value=0)</td></tr> <tr class="memdesc:a58d050865536a28b56a92eeaf3ac478e"><td class="mdescLeft"> </td><td class="mdescRight">Initialize the function's source, destination, conv and border_mode. <a href="#a58d050865536a28b56a92eeaf3ac478e">More...</a><br /></td></tr> <tr class="separator:a58d050865536a28b56a92eeaf3ac478e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ad1717410afd0be936c6213a63c8005fb"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a> () override</td></tr> +<tr class="memitem:ad1717410afd0be936c6213a63c8005fb"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a> () override</td></tr> <tr class="memdesc:ad1717410afd0be936c6213a63c8005fb"><td class="mdescLeft"> </td><td class="mdescRight">Run the kernels contained in the function. <a href="#ad1717410afd0be936c6213a63c8005fb">More...</a><br /></td></tr> <tr class="separator:ad1717410afd0be936c6213a63c8005fb"><td class="memSeparator" colspan="2"> </td></tr> <tr class="inherit_header pub_methods_classarm__compute_1_1_i_function"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_function')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a></td></tr> @@ -149,22 +149,25 @@ Public Member Functions</h2></td></tr> <tr class="separator:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memSeparator" colspan="2"> </td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>Basic function to execute convolution of size 5x5. </p> +<div class="textblock"><h3>template<unsigned int matrix_size><br /> +class arm_compute::NEConvolutionSquare< matrix_size ></h3> + +<p>Basic function to execute convolution of size 5x5, 7x7, 9x9. </p> <p>This function calls the following NEON kernels:</p> <ol type="1"> <li><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> (executed if border_mode == CONSTANT or border_mode == REPLICATE)</li> -<li><a class="el" href="namespacearm__compute.xhtml#a21898b2d2e31ab9af8933c66ff82c8c6">NEConvolution5x5Kernel</a> or<br /> - <a class="el" href="namespacearm__compute.xhtml#ac78a7593874c21cff86478c1ba6df27b">NESeparableConvolution5x5HorKernel</a> and <a class="el" href="namespacearm__compute.xhtml#ae4152320657df499674ed64b16c28a7b">NESeparableConvolution5x5VertKernel</a> (if convolution matrix is separable) </li> +<li><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel</a> or<br /> + <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolutionHorKernel</a> and <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolutionVertKernel</a> (if convolution matrix is separable) </li> </ol> -<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00068">68</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> +<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00069">69</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> -<a class="anchor" id="a917624d838b4c70bdc453d9459cb6e66"></a> +<a class="anchor" id="ab60f2bd87482f390d4bbfca943bcdf2b"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a> </td> + <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a> </td> <td>(</td> <td class="paramname"></td><td>)</td> <td></td> @@ -289,8 +292,8 @@ Public Member Functions</h2></td></tr> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a></li> + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.map b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.map index e2ca9585e..6e6a1042a 100644 --- a/documentation/classarm__compute_1_1_n_e_convolution7x7__coll__graph.map +++ b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.map @@ -1,3 +1,3 @@ -<map id="NEConvolution7x7" name="NEConvolution7x7"> -<area shape="rect" id="node2" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="33,5,109,32"/> +<map id="NEConvolutionSquare< matrix_size >" name="NEConvolutionSquare< matrix_size >"> +<area shape="rect" id="node2" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="43,5,119,32"/> </map> diff --git a/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.md5 b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.md5 new file mode 100644 index 000000000..bd7f4811b --- /dev/null +++ b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.md5 @@ -0,0 +1 @@ +4f0433f1aa2b155cf697fe2e13109e12
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.svg b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.svg new file mode 100644 index 000000000..434815e59 --- /dev/null +++ b/documentation/classarm__compute_1_1_n_e_convolution_square__coll__graph.svg @@ -0,0 +1,32 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" + "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> +<!-- Generated by graphviz version 2.38.0 (20140413.2041) + --> +<!-- Title: NEConvolutionSquare< matrix_size > Pages: 1 --> +<svg width="121pt" height="95pt" + viewBox="0.00 0.00 121.00 95.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 91)"> +<title>NEConvolutionSquare< matrix_size ></title> +<polygon fill="white" stroke="none" points="-4,4 -4,-91 117,-91 117,4 -4,4"/> +<!-- Node1 --> +<g id="node1" class="node"><title>Node1</title> +<polygon fill="#bfbfbf" stroke="black" points="0,-0.5 0,-30.5 113,-30.5 113,-0.5 0,-0.5"/> +<text text-anchor="start" x="8" y="-18.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionSquare</text> +<text text-anchor="middle" x="56.5" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> +</g> +<!-- Node2 --> +<g id="node2" class="node"><title>Node2</title> +<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> +<polygon fill="white" stroke="black" points="28,-67.5 28,-86.5 85,-86.5 85,-67.5 28,-67.5"/> +<text text-anchor="middle" x="56.5" y="-74.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> +</a> +</g> +</g> +<!-- Node2->Node1 --> +<g id="edge1" class="edge"><title>Node2->Node1</title> +<path fill="none" stroke="midnightblue" d="M56.5,-57.2349C56.5,-48.5864 56.5,-38.4969 56.5,-30.523"/> +<polygon fill="midnightblue" stroke="midnightblue" points="53.0001,-57.4751 56.5,-67.4751 60.0001,-57.4751 53.0001,-57.4751"/> +</g> +</g> +</svg> diff --git a/documentation/classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml index deabf20b4..a4bba8bd7 100644 --- a/documentation/classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -430,7 +430,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_depth_convert.xhtml b/documentation/classarm__compute_1_1_n_e_depth_convert.xhtml index f1d0f4701..9a6bf5151 100644 --- a/documentation/classarm__compute_1_1_n_e_depth_convert.xhtml +++ b/documentation/classarm__compute_1_1_n_e_depth_convert.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -298,7 +298,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_depth_convert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_depth_convert_kernel.xhtml index 972004c76..67b797d1f 100644 --- a/documentation/classarm__compute_1_1_n_e_depth_convert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_depth_convert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -310,7 +310,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml">NEDepthConvertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_derivative.xhtml b/documentation/classarm__compute_1_1_n_e_derivative.xhtml index 83debc032..615d9efe9 100644 --- a/documentation/classarm__compute_1_1_n_e_derivative.xhtml +++ b/documentation/classarm__compute_1_1_n_e_derivative.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -279,7 +279,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_derivative_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_derivative_kernel.xhtml index e8b6a044b..e94e86ac0 100644 --- a/documentation/classarm__compute_1_1_n_e_derivative_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_derivative_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_dilate.xhtml b/documentation/classarm__compute_1_1_n_e_dilate.xhtml index a4033b4d3..7ddb93433 100644 --- a/documentation/classarm__compute_1_1_n_e_dilate.xhtml +++ b/documentation/classarm__compute_1_1_n_e_dilate.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_dilate.xhtml">NEDilate</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_dilate_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_dilate_kernel.xhtml index 858e4d4d6..dfa8093eb 100644 --- a/documentation/classarm__compute_1_1_n_e_dilate_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_dilate_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml">NEDilateKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml index 1feb5a5e2..8c54b1aa6 100644 --- a/documentation/classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -472,7 +472,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_edge_trace_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_edge_trace_kernel.xhtml index 6ac5ba90d..25ebdb995 100644 --- a/documentation/classarm__compute_1_1_n_e_edge_trace_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_edge_trace_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -471,7 +471,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_equalize_histogram.xhtml b/documentation/classarm__compute_1_1_n_e_equalize_histogram.xhtml index ec60e8d2a..a0f061762 100644 --- a/documentation/classarm__compute_1_1_n_e_equalize_histogram.xhtml +++ b/documentation/classarm__compute_1_1_n_e_equalize_histogram.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -259,7 +259,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml">NEEqualizeHistogram</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_erode.xhtml b/documentation/classarm__compute_1_1_n_e_erode.xhtml index a7bc7a3f1..997a15fde 100644 --- a/documentation/classarm__compute_1_1_n_e_erode.xhtml +++ b/documentation/classarm__compute_1_1_n_e_erode.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_erode.xhtml">NEErode</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_erode_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_erode_kernel.xhtml index 134a57679..5c9f87d11 100644 --- a/documentation/classarm__compute_1_1_n_e_erode_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_erode_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml">NEErodeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fast_corners.xhtml b/documentation/classarm__compute_1_1_n_e_fast_corners.xhtml index 094a57ce6..785896f45 100644 --- a/documentation/classarm__compute_1_1_n_e_fast_corners.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fast_corners.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -286,7 +286,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml">NEFastCorners</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fast_corners_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_fast_corners_kernel.xhtml index ed51c5e00..3e2dd0b0d 100644 --- a/documentation/classarm__compute_1_1_n_e_fast_corners_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fast_corners_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -434,7 +434,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fill_array_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_fill_array_kernel.xhtml index c4916c365..edf89a8ef 100644 --- a/documentation/classarm__compute_1_1_n_e_fill_array_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fill_array_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -450,7 +450,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml">NEFillArrayKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fill_border.xhtml b/documentation/classarm__compute_1_1_n_e_fill_border.xhtml index fa99a2e1a..62a803961 100644 --- a/documentation/classarm__compute_1_1_n_e_fill_border.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fill_border.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -246,7 +246,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml">NEFillBorder</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fill_border_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_fill_border_kernel.xhtml index 640a78053..e12cd1074 100644 --- a/documentation/classarm__compute_1_1_n_e_fill_border_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fill_border_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -428,7 +428,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml index e6462a3c3..12c00efc1 100644 --- a/documentation/classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -421,7 +421,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_fully_connected_layer.xhtml b/documentation/classarm__compute_1_1_n_e_fully_connected_layer.xhtml index d510b382d..8014dceb9 100644 --- a/documentation/classarm__compute_1_1_n_e_fully_connected_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_fully_connected_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -282,7 +282,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml">NEFullyConnectedLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m.xhtml index 7d126bb55..3ff87be23 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -290,7 +290,7 @@ GEMM: The tensors a, b, c, d must have the same data type. All are either F32 or <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml">NEGEMM</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml index 2900ce850..4d206da37 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -202,7 +202,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml">NEGEMMInterleave4x4</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml index 145bd002f..79c3c8c14 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -290,7 +290,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml">NEGEMMInterleave4x4Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml index 8f5cffe5f..2b488de48 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -309,7 +309,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml">NEGEMMLowp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml index edcb57368..12e43bf4d 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -437,7 +437,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">NEGEMMLowpMatrixMultiplyKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml index 56786edfc..7cf2fde97 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -413,7 +413,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">NEGEMMMatrixAccumulateBiasesKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml index 7e0d82ab1..6dd343001 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -419,7 +419,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml">NEGEMMMatrixAdditionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml index 2917ab657..909ecfd96 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -404,7 +404,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml">NEGEMMMatrixMultiplyKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml index b1f2274fa..6d0165311 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -202,7 +202,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml">NEGEMMTranspose1xW</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml index 4e5854d65..e11c09e99 100644 --- a/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -278,7 +278,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml">NEGEMMTranspose1xWKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian3x3.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian3x3.xhtml index 85bb84383..424f2770e 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml">NEGaussian3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml index a1146485d..86078e8ba 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml">NEGaussian3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian5x5.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian5x5.xhtml index 956db15bd..af11378f3 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian5x5.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian5x5.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -272,7 +272,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml">NEGaussian5x5</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml index 4d3e19c43..54fecdbf7 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -323,7 +323,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml index 1ac831a55..0ac3f4b4d 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid.xhtml index 848eda86b..937ba19c1 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -383,7 +383,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml index d107a1a9e..e8f9cac9b 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml index cfb49bfb0..2321336fa 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml index 1914e975e..ead6cf753 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -301,7 +301,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml index 34ccd872e..2bfe95c5c 100644 --- a/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml index 18890c496..8dbdc898b 100644 --- a/documentation/classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -261,7 +261,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml">NEGradientFP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_gradient_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_gradient_kernel.xhtml index 472664883..4f80b44fd 100644 --- a/documentation/classarm__compute_1_1_n_e_gradient_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_gradient_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -445,7 +445,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml index 2175785ee..51ec274f5 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -420,7 +420,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml index 7690b103d..a466c740a 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -279,7 +279,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml">NEHOGDescriptor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_detector.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_detector.xhtml index 72e76c882..4e693fb0b 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_detector.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_detector.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -230,7 +230,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml">NEHOGDetector</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml index d2eec0866..d6829be6f 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -441,7 +441,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml">NEHOGDetectorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_gradient.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_gradient.xhtml index f8d7a156c..c02a56ed6 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_gradient.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_gradient.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -285,7 +285,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml index ea47e0c34..418599854 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -373,7 +373,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml index ae3697069..5ba6d966d 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -416,7 +416,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml">NEHOGNonMaximaSuppressionKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml index d162d8eca..8213b6b8d 100644 --- a/documentation/classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -427,7 +427,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_harris_corners.xhtml b/documentation/classarm__compute_1_1_n_e_harris_corners.xhtml index 787ffb93c..fcd8dd49e 100644 --- a/documentation/classarm__compute_1_1_n_e_harris_corners.xhtml +++ b/documentation/classarm__compute_1_1_n_e_harris_corners.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -322,7 +322,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml">NEHarrisCorners</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml index 7c2f77a63..d1dfaaad4 100644 --- a/documentation/classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -364,7 +364,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_harris_score_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_harris_score_kernel.xhtml index e41960d1e..fcce01b6d 100644 --- a/documentation/classarm__compute_1_1_n_e_harris_score_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_harris_score_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -365,7 +365,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_histogram.xhtml b/documentation/classarm__compute_1_1_n_e_histogram.xhtml index 974be79e6..22dbb8e60 100644 --- a/documentation/classarm__compute_1_1_n_e_histogram.xhtml +++ b/documentation/classarm__compute_1_1_n_e_histogram.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,7 +121,7 @@ $(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_histogram.xh </div><!--header--> <div class="contents"> -<p>Basic function to execute histogram. +<p>Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>. <a href="classarm__compute_1_1_n_e_histogram.xhtml#details">More...</a></p> <p><code>#include <<a class="el" href="_n_e_histogram_8h_source.xhtml">NEHistogram.h</a>></code></p> @@ -149,14 +149,9 @@ Public Member Functions</h2></td></tr> <tr class="separator:ab921ecc3f3f6ae2b4bd61f3e1998d8c4 inherit pub_methods_classarm__compute_1_1_i_function"><td class="memSeparator" colspan="2"> </td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>Basic function to execute histogram. </p> -<p>This function calls the following NEON kernels:</p> -<ol type="1"> -<li><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> </li> -</ol> +<div class="textblock"><p>Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>. </p> -<p>Definition at line <a class="el" href="_n_e_histogram_8h_source.xhtml#l00044">44</a> of file <a class="el" href="_n_e_histogram_8h_source.xhtml">NEHistogram.h</a>.</p> +<p>Definition at line <a class="el" href="_n_e_histogram_8h_source.xhtml#l00039">39</a> of file <a class="el" href="_n_e_histogram_8h_source.xhtml">NEHistogram.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="a15d0892c4a1aa404f5a6967b8bc49fa8"></a> <div class="memitem"> @@ -201,7 +196,6 @@ Public Member Functions</h2></td></tr> </div><div class="memdoc"> <p>Initialise the kernel's inputs. </p> -<dl class="section note"><dt>Note</dt><dd>Currently the width of the input image must be a multiple of 16.</dd></dl> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>Input image. Data type supported: U8. </td></tr> @@ -258,7 +252,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.js b/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.js deleted file mode 100644 index d48c53791..000000000 --- a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.js +++ /dev/null @@ -1,13 +0,0 @@ -var classarm__compute_1_1_n_e_histogram_border_kernel = -[ - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2", null ], - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a75ce2cbdc3828d377857e99b099cf567", null ], - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ac191caef91b2ae052a3395ebd001c2aa", null ], - [ "~NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14", null ], - [ "configure", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#af3f8935e8d727cac24aebf398ee72ee5", null ], - [ "configure", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b", null ], - [ "is_parallelisable", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283", null ], - [ "operator=", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4", null ], - [ "operator=", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05", null ], - [ "run", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69", null ] -];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.xhtml deleted file mode 100644 index 0cac4990f..000000000 --- a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel.xhtml +++ /dev/null @@ -1,513 +0,0 @@ -<!-- HTML header for doxygen 1.8.9.1--> -<!DOCTYPE html PUBLIC "-//W3C//DTD XHTML 1.0 Transitional//EN" "http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd"> -<html xmlns="http://www.w3.org/1999/xhtml"> -<head> -<meta http-equiv="Content-Type" content="text/xhtml;charset=UTF-8"/> -<meta http-equiv="X-UA-Compatible" content="IE=9"/> -<meta name="generator" content="Doxygen 1.8.11"/> -<meta name="robots" content="NOINDEX, NOFOLLOW" /> <!-- Prevent indexing by search engines --> -<title>ARM Compute Library: NEHistogramBorderKernel Class Reference</title> -<link href="tabs.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="jquery.js"></script> -<script type="text/javascript" src="dynsections.js"></script> -<link href="navtree.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="resize.js"></script> -<script type="text/javascript" src="navtreedata.js"></script> -<script type="text/javascript" src="navtree.js"></script> -<script type="text/javascript"> - $(document).ready(initResizable); - $(window).load(resizeHeight); -</script> -<link href="search/search.css" rel="stylesheet" type="text/css"/> -<script type="text/javascript" src="search/searchdata.js"></script> -<script type="text/javascript" src="search/search.js"></script> -<script type="text/javascript"> - $(document).ready(function() { init_search(); }); -</script> -<script type="text/x-mathjax-config"> - MathJax.Hub.Config({ - extensions: ["tex2jax.js"], - jax: ["input/TeX","output/HTML-CSS"], -}); -</script><script type="text/javascript" src="http://cdn.mathjax.org/mathjax/latest/MathJax.js"></script> -<link href="doxygen.css" rel="stylesheet" type="text/css" /> -</head> -<body> -<div id="top"><!-- do not remove this div, it is closed by doxygen! --> -<div id="titlearea"> -<table cellspacing="0" cellpadding="0"> - <tbody> - <tr style="height: 56px;"> - <td style="padding-left: 0.5em;"> - <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> - </div> - </td> - </tr> - </tbody> -</table> -</div> -<!-- end header part --> -<!-- Generated by Doxygen 1.8.11 --> -<script type="text/javascript"> -var searchBox = new SearchBox("searchBox", "search",false,'Search'); -</script> - <div id="navrow1" class="tabs"> - <ul class="tablist"> - <li><a href="index.xhtml"><span>Main Page</span></a></li> - <li><a href="namespaces.xhtml"><span>Namespaces</span></a></li> - <li class="current"><a href="annotated.xhtml"><span>Data Structures</span></a></li> - <li><a href="files.xhtml"><span>Files</span></a></li> - <li> - <div id="MSearchBox" class="MSearchBoxInactive"> - <span class="left"> - <img id="MSearchSelect" src="search/mag_sel.png" - onmouseover="return searchBox.OnSearchSelectShow()" - onmouseout="return searchBox.OnSearchSelectHide()" - alt=""/> - <input type="text" id="MSearchField" value="Search" accesskey="S" - onfocus="searchBox.OnSearchFieldFocus(true)" - onblur="searchBox.OnSearchFieldFocus(false)" - onkeyup="searchBox.OnSearchFieldChange(event)"/> - </span><span class="right"> - <a id="MSearchClose" href="javascript:searchBox.CloseResultsWindow()"><img id="MSearchCloseImg" border="0" src="search/close.png" alt=""/></a> - </span> - </div> - </li> - </ul> - </div> - <div id="navrow2" class="tabs2"> - <ul class="tablist"> - <li><a href="annotated.xhtml"><span>Data Structures</span></a></li> - <li><a href="classes.xhtml"><span>Data Structure Index</span></a></li> - <li><a href="inherits.xhtml"><span>Class Hierarchy</span></a></li> - <li><a href="functions.xhtml"><span>Data Fields</span></a></li> - </ul> - </div> -</div><!-- top --> -<div id="side-nav" class="ui-resizable side-nav-resizable"> - <div id="nav-tree"> - <div id="nav-tree-contents"> - <div id="nav-sync" class="sync"></div> - </div> - </div> - <div id="splitbar" style="-moz-user-select:none;" - class="ui-resizable-handle"> - </div> -</div> -<script type="text/javascript"> -$(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_histogram_border_kernel.xhtml','');}); -</script> -<div id="doc-content"> -<!-- window showing the filter options --> -<div id="MSearchSelectWindow" - onmouseover="return searchBox.OnSearchSelectShow()" - onmouseout="return searchBox.OnSearchSelectHide()" - onkeydown="return searchBox.OnSearchSelectKey(event)"> -</div> - -<!-- iframe showing the search results (closed by default) --> -<div id="MSearchResultsWindow"> -<iframe src="javascript:void(0)" frameborder="0" - name="MSearchResults" id="MSearchResults"> -</iframe> -</div> - -<div class="header"> - <div class="summary"> -<a href="#pub-methods">Public Member Functions</a> </div> - <div class="headertitle"> -<div class="title">NEHistogramBorderKernel Class Reference</div> </div> -</div><!--header--> -<div class="contents"> - -<p>Interface for the histogram border handling kernel. - <a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#details">More...</a></p> - -<p><code>#include <<a class="el" href="_n_e_histogram_kernel_8h_source.xhtml">NEHistogramKernel.h</a>></code></p> -<div class="dynheader"> -Collaboration diagram for NEHistogramBorderKernel:</div> -<div class="dyncontent"> -<div class="center"><iframe scrolling="no" frameborder="0" src="classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.svg" width="187" height="187"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> -</div> -<center><span class="legend">[<a target="top" href="graph_legend.xhtml">legend</a>]</span></center></div> -<table class="memberdecls"> -<tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="pub-methods"></a> -Public Member Functions</h2></td></tr> -<tr class="memitem:ad5ec064530e99e18604b748db95057a2"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2">NEHistogramBorderKernel</a> ()</td></tr> -<tr class="memdesc:ad5ec064530e99e18604b748db95057a2"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#ad5ec064530e99e18604b748db95057a2">More...</a><br /></td></tr> -<tr class="separator:ad5ec064530e99e18604b748db95057a2"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a75ce2cbdc3828d377857e99b099cf567"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a75ce2cbdc3828d377857e99b099cf567">NEHistogramBorderKernel</a> (const <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &)=delete</td></tr> -<tr class="memdesc:a75ce2cbdc3828d377857e99b099cf567"><td class="mdescLeft"> </td><td class="mdescRight">Prevent instances of this class from being copied (As this class contains pointers) <a href="#a75ce2cbdc3828d377857e99b099cf567">More...</a><br /></td></tr> -<tr class="separator:a75ce2cbdc3828d377857e99b099cf567"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a5d05ee2eb332616af5c4bd6370323cc4"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4">operator=</a> (const <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &)=delete</td></tr> -<tr class="memdesc:a5d05ee2eb332616af5c4bd6370323cc4"><td class="mdescLeft"> </td><td class="mdescRight">Prevent instances of this class from being copied (As this class contains pointers) <a href="#a5d05ee2eb332616af5c4bd6370323cc4">More...</a><br /></td></tr> -<tr class="separator:a5d05ee2eb332616af5c4bd6370323cc4"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ac191caef91b2ae052a3395ebd001c2aa"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ac191caef91b2ae052a3395ebd001c2aa">NEHistogramBorderKernel</a> (<a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &&)=default</td></tr> -<tr class="memdesc:ac191caef91b2ae052a3395ebd001c2aa"><td class="mdescLeft"> </td><td class="mdescRight">Allow instances of this class to be moved. <a href="#ac191caef91b2ae052a3395ebd001c2aa">More...</a><br /></td></tr> -<tr class="separator:ac191caef91b2ae052a3395ebd001c2aa"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a10a1a15f3800ce63fab4bea67eef2b05"><td class="memItemLeft" align="right" valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05">operator=</a> (<a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> &&)=default</td></tr> -<tr class="memdesc:a10a1a15f3800ce63fab4bea67eef2b05"><td class="mdescLeft"> </td><td class="mdescRight">Allow instances of this class to be moved. <a href="#a10a1a15f3800ce63fab4bea67eef2b05">More...</a><br /></td></tr> -<tr class="separator:a10a1a15f3800ce63fab4bea67eef2b05"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a6783e834d68170ac619d0f307b2ead14"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14">~NEHistogramBorderKernel</a> ()=default</td></tr> -<tr class="memdesc:a6783e834d68170ac619d0f307b2ead14"><td class="mdescLeft"> </td><td class="mdescRight">Default destructor. <a href="#a6783e834d68170ac619d0f307b2ead14">More...</a><br /></td></tr> -<tr class="separator:a6783e834d68170ac619d0f307b2ead14"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:af3f8935e8d727cac24aebf398ee72ee5"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#af3f8935e8d727cac24aebf398ee72ee5">configure</a> (const <a class="el" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> *input, <a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, uint32_t *window_lut, const unsigned int hist_elements_per_thread)</td></tr> -<tr class="memdesc:af3f8935e8d727cac24aebf398ee72ee5"><td class="mdescLeft"> </td><td class="mdescRight">Set the input image and the distribution output. <a href="#af3f8935e8d727cac24aebf398ee72ee5">More...</a><br /></td></tr> -<tr class="separator:af3f8935e8d727cac24aebf398ee72ee5"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a50b28583d53acc03db636fcd54b17d4b"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b">configure</a> (const <a class="el" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> *input, <a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> *output, const unsigned int hist_elements_per_thread)</td></tr> -<tr class="memdesc:a50b28583d53acc03db636fcd54b17d4b"><td class="mdescLeft"> </td><td class="mdescRight">Set the input image and the distribution output. <a href="#a50b28583d53acc03db636fcd54b17d4b">More...</a><br /></td></tr> -<tr class="separator:a50b28583d53acc03db636fcd54b17d4b"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a8fd12b95bdde3f93db96bc9b1598db69"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a> (const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) override</td></tr> -<tr class="memdesc:a8fd12b95bdde3f93db96bc9b1598db69"><td class="mdescLeft"> </td><td class="mdescRight">Execute the kernel on the passed window. <a href="#a8fd12b95bdde3f93db96bc9b1598db69">More...</a><br /></td></tr> -<tr class="separator:a8fd12b95bdde3f93db96bc9b1598db69"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a4370ae5fda7bd455a171fc8ed4d3f283"><td class="memItemLeft" align="right" valign="top">bool </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">is_parallelisable</a> () const override</td></tr> -<tr class="memdesc:a4370ae5fda7bd455a171fc8ed4d3f283"><td class="mdescLeft"> </td><td class="mdescRight">Indicates whether or not the kernel is parallelisable. <a href="#a4370ae5fda7bd455a171fc8ed4d3f283">More...</a><br /></td></tr> -<tr class="separator:a4370ae5fda7bd455a171fc8ed4d3f283"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="inherit_header pub_methods_classarm__compute_1_1_i_c_p_p_kernel"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_c_p_p_kernel')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a></td></tr> -<tr class="memitem:a033d17a97e07cea7fe83eefcf23540f6 inherit pub_methods_classarm__compute_1_1_i_c_p_p_kernel"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6">~ICPPKernel</a> ()=default</td></tr> -<tr class="memdesc:a033d17a97e07cea7fe83eefcf23540f6 inherit pub_methods_classarm__compute_1_1_i_c_p_p_kernel"><td class="mdescLeft"> </td><td class="mdescRight">Default destructor. <a href="#a033d17a97e07cea7fe83eefcf23540f6">More...</a><br /></td></tr> -<tr class="separator:a033d17a97e07cea7fe83eefcf23540f6 inherit pub_methods_classarm__compute_1_1_i_c_p_p_kernel"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="inherit_header pub_methods_classarm__compute_1_1_i_kernel"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_kernel')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_kernel.xhtml">IKernel</a></td></tr> -<tr class="memitem:a7250cb8cbaa4104a93a2d77155085507 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507">IKernel</a> ()</td></tr> -<tr class="memdesc:a7250cb8cbaa4104a93a2d77155085507 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="mdescLeft"> </td><td class="mdescRight">Constructor. <a href="#a7250cb8cbaa4104a93a2d77155085507">More...</a><br /></td></tr> -<tr class="separator:a7250cb8cbaa4104a93a2d77155085507 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a341b60d15a5e12a5b8f3825194dd3b12 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memItemLeft" align="right" valign="top">virtual </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a341b60d15a5e12a5b8f3825194dd3b12">~IKernel</a> ()=default</td></tr> -<tr class="memdesc:a341b60d15a5e12a5b8f3825194dd3b12 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="mdescLeft"> </td><td class="mdescRight">Destructor. <a href="#a341b60d15a5e12a5b8f3825194dd3b12">More...</a><br /></td></tr> -<tr class="separator:a341b60d15a5e12a5b8f3825194dd3b12 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:aa6daa9b04e2035bf007e5e5c3c4396a8 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memItemLeft" align="right" valign="top">virtual <a class="el" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8">border_size</a> () const </td></tr> -<tr class="memdesc:aa6daa9b04e2035bf007e5e5c3c4396a8 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="mdescLeft"> </td><td class="mdescRight">The size of the border for that kernel. <a href="#aa6daa9b04e2035bf007e5e5c3c4396a8">More...</a><br /></td></tr> -<tr class="separator:aa6daa9b04e2035bf007e5e5c3c4396a8 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a3f5646133956f06348b310ccc3d36353 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memItemLeft" align="right" valign="top">const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> & </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a> () const </td></tr> -<tr class="memdesc:a3f5646133956f06348b310ccc3d36353 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="mdescLeft"> </td><td class="mdescRight">The maximum window the kernel can be executed on. <a href="#a3f5646133956f06348b310ccc3d36353">More...</a><br /></td></tr> -<tr class="separator:a3f5646133956f06348b310ccc3d36353 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memSeparator" colspan="2"> </td></tr> -</table> -<a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>Interface for the histogram border handling kernel. </p> -<dl class="section note"><dt>Note</dt><dd>If the image width is not a multiple of the number of elements processed by <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> this kernel is used to handle the leftover columns. </dd></dl> - -<p>Definition at line <a class="el" href="_n_e_histogram_kernel_8h_source.xhtml#l00136">136</a> of file <a class="el" href="_n_e_histogram_kernel_8h_source.xhtml">NEHistogramKernel.h</a>.</p> -</div><h2 class="groupheader">Constructor & Destructor Documentation</h2> -<a class="anchor" id="ad5ec064530e99e18604b748db95057a2"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Default constructor. </p> - -</div> -</div> -<a class="anchor" id="a75ce2cbdc3828d377857e99b099cf567"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> </td> - <td>(</td> - <td class="paramtype">const <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> & </td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">delete</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Prevent instances of this class from being copied (As this class contains pointers) </p> - -</div> -</div> -<a class="anchor" id="ac191caef91b2ae052a3395ebd001c2aa"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> </td> - <td>(</td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> && </td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">default</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Allow instances of this class to be moved. </p> - -</div> -</div> -<a class="anchor" id="a6783e834d68170ac619d0f307b2ead14"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname">~<a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">default</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Default destructor. </p> - -</div> -</div> -<h2 class="groupheader">Member Function Documentation</h2> -<a class="anchor" id="af3f8935e8d727cac24aebf398ee72ee5"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname">void configure </td> - <td>(</td> - <td class="paramtype">const <a class="el" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> * </td> - <td class="paramname"><em>input</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> * </td> - <td class="paramname"><em>output</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">uint32_t * </td> - <td class="paramname"><em>window_lut</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">const unsigned int </td> - <td class="paramname"><em>hist_elements_per_thread</em> </td> - </tr> - <tr> - <td></td> - <td>)</td> - <td></td><td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Set the input image and the distribution output. </p> -<dl class="params"><dt>Parameters</dt><dd> - <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>Source image. Data type supported: U8. </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination distribution. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">window_lut</td><td>LUT with precalculated possible window values. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">hist_elements_per_thread</td><td>Pixels per thread that the histogram kernel computes. </td></tr> - </table> - </dd> -</dl> - -</div> -</div> -<a class="anchor" id="a50b28583d53acc03db636fcd54b17d4b"></a> -<div class="memitem"> -<div class="memproto"> - <table class="memname"> - <tr> - <td class="memname">void configure </td> - <td>(</td> - <td class="paramtype">const <a class="el" href="namespacearm__compute.xhtml#ac20902ac1ef01783c8a8d71a9bdf1100">IImage</a> * </td> - <td class="paramname"><em>input</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> * </td> - <td class="paramname"><em>output</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">const unsigned int </td> - <td class="paramname"><em>hist_elements_per_thread</em> </td> - </tr> - <tr> - <td></td> - <td>)</td> - <td></td><td></td> - </tr> - </table> -</div><div class="memdoc"> - -<p>Set the input image and the distribution output. </p> -<dl class="section note"><dt>Note</dt><dd>Used for histogram of fixed size equal to 256</dd></dl> -<dl class="params"><dt>Parameters</dt><dd> - <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">input</td><td>Source image. Data type supported: U8. </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination distribution. </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">hist_elements_per_thread</td><td>Pixels per thread that the histogram kernel computes. </td></tr> - </table> - </dd> -</dl> - -</div> -</div> -<a class="anchor" id="a4370ae5fda7bd455a171fc8ed4d3f283"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname">bool is_parallelisable </td> - <td>(</td> - <td class="paramname"></td><td>)</td> - <td> const</td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Indicates whether or not the kernel is parallelisable. </p> -<p>If the kernel is parallelisable then the window returned by <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a> can be split into sub-windows which can then be run in parallel.</p> -<p>If the kernel is not parallelisable then only the window returned by <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a> can be passed to <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69" title="Execute the kernel on the passed window. ">run()</a></p> -<dl class="section return"><dt>Returns</dt><dd>True if the kernel is parallelisable </dd></dl> - -<p>Reimplemented from <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a">IKernel</a>.</p> - -</div> -</div> -<a class="anchor" id="a5d05ee2eb332616af5c4bd6370323cc4"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>& operator= </td> - <td>(</td> - <td class="paramtype">const <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> & </td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">delete</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Prevent instances of this class from being copied (As this class contains pointers) </p> - -</div> -</div> -<a class="anchor" id="a10a1a15f3800ce63fab4bea67eef2b05"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a>& operator= </td> - <td>(</td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> && </td> - <td class="paramname"></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">default</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Allow instances of this class to be moved. </p> - -</div> -</div> -<a class="anchor" id="a8fd12b95bdde3f93db96bc9b1598db69"></a> -<div class="memitem"> -<div class="memproto"> -<table class="mlabels"> - <tr> - <td class="mlabels-left"> - <table class="memname"> - <tr> - <td class="memname">void run </td> - <td>(</td> - <td class="paramtype">const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> & </td> - <td class="paramname"><em>window</em></td><td>)</td> - <td></td> - </tr> - </table> - </td> - <td class="mlabels-right"> -<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> - </tr> -</table> -</div><div class="memdoc"> - -<p>Execute the kernel on the passed window. </p> -<dl class="section warning"><dt>Warning</dt><dd>If <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283" title="Indicates whether or not the kernel is parallelisable. ">is_parallelisable()</a> returns false then the passed window must be equal to <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a></dd></dl> -<dl class="section note"><dt>Note</dt><dd>The window has to be a region within the window returned by the <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a> method</dd> -<dd> -The width of the window has to be a multiple of num_elems_processed_per_iteration().</dd></dl> -<dl class="params"><dt>Parameters</dt><dd> - <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">window</td><td>Region on which to execute the kernel. (Must be a region of the window returned by <a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353" title="The maximum window the kernel can be executed on. ">window()</a>) </td></tr> - </table> - </dd> -</dl> - -<p>Implements <a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2">ICPPKernel</a>.</p> - -</div> -</div> -<hr/>The documentation for this class was generated from the following file:<ul> -<li>arm_compute/core/NEON/kernels/<a class="el" href="_n_e_histogram_kernel_8h_source.xhtml">NEHistogramKernel.h</a></li> -</ul> -</div><!-- contents --> -</div><!-- doc-content --> -<!-- start footer part --> -<div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> - <ul> - <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by - <a href="http://www.doxygen.org/index.html"> - <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> - </ul> -</div> -</body> -</html> diff --git a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.map b/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.map deleted file mode 100644 index b54ab06e7..000000000 --- a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.map +++ /dev/null @@ -1,4 +0,0 @@ -<map id="NEHistogramBorderKernel" name="NEHistogramBorderKernel"> -<area shape="rect" id="node2" href="$classarm__compute_1_1_i_c_p_p_kernel.xhtml" title="Common interface for all kernels implemented in C++. " alt="" coords="52,80,135,107"/> -<area shape="rect" id="node3" href="$classarm__compute_1_1_i_kernel.xhtml" title="Common information for all the kernels. " alt="" coords="62,5,125,32"/> -</map> diff --git a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.md5 b/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.md5 deleted file mode 100644 index ebded8476..000000000 --- a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.md5 +++ /dev/null @@ -1 +0,0 @@ -ebf25c1e53dc7cc2549f0562670f404a
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.svg b/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.svg deleted file mode 100644 index 0d260815f..000000000 --- a/documentation/classarm__compute_1_1_n_e_histogram_border_kernel__coll__graph.svg +++ /dev/null @@ -1,44 +0,0 @@ -<?xml version="1.0" encoding="UTF-8" standalone="no"?> -<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN" - "http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd"> -<!-- Generated by graphviz version 2.38.0 (20140413.2041) - --> -<!-- Title: NEHistogramBorderKernel Pages: 1 --> -<svg width="140pt" height="140pt" - viewBox="0.00 0.00 140.00 140.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 136)"> -<title>NEHistogramBorderKernel</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-136 136,-136 136,4 -4,4"/> -<!-- Node1 --> -<g id="node1" class="node"><title>Node1</title> -<polygon fill="#bfbfbf" stroke="black" points="0,-0.5 0,-19.5 132,-19.5 132,-0.5 0,-0.5"/> -<text text-anchor="middle" x="66" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogramBorderKernel</text> -</g> -<!-- Node2 --> -<g id="node2" class="node"><title>Node2</title> -<g id="a_node2"><a xlink:href="classarm__compute_1_1_i_c_p_p_kernel.xhtml" target="_top" xlink:title="Common interface for all kernels implemented in C++. "> -<polygon fill="white" stroke="black" points="35,-56.5 35,-75.5 97,-75.5 97,-56.5 35,-56.5"/> -<text text-anchor="middle" x="66" y="-63.5" font-family="Helvetica,sans-Serif" font-size="10.00">INEKernel</text> -</a> -</g> -</g> -<!-- Node2->Node1 --> -<g id="edge1" class="edge"><title>Node2->Node1</title> -<path fill="none" stroke="midnightblue" d="M66,-45.8045C66,-36.9102 66,-26.7798 66,-19.7511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="62.5001,-46.083 66,-56.083 69.5001,-46.083 62.5001,-46.083"/> -</g> -<!-- Node3 --> -<g id="node3" class="node"><title>Node3</title> -<g id="a_node3"><a xlink:href="classarm__compute_1_1_i_kernel.xhtml" target="_top" xlink:title="Common information for all the kernels. "> -<polygon fill="white" stroke="black" points="42.5,-112.5 42.5,-131.5 89.5,-131.5 89.5,-112.5 42.5,-112.5"/> -<text text-anchor="middle" x="66" y="-119.5" font-family="Helvetica,sans-Serif" font-size="10.00">IKernel</text> -</a> -</g> -</g> -<!-- Node3->Node2 --> -<g id="edge2" class="edge"><title>Node3->Node2</title> -<path fill="none" stroke="midnightblue" d="M66,-101.805C66,-92.9102 66,-82.7798 66,-75.7511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="62.5001,-102.083 66,-112.083 69.5001,-102.083 62.5001,-102.083"/> -</g> -</g> -</svg> diff --git a/documentation/classarm__compute_1_1_n_e_histogram_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_histogram_kernel.xhtml index b1b0f49a6..163929279 100644 --- a/documentation/classarm__compute_1_1_n_e_histogram_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_histogram_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -466,7 +466,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_im2_col_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_im2_col_kernel.xhtml index 7b9074a05..5a299a85b 100644 --- a/documentation/classarm__compute_1_1_n_e_im2_col_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_im2_col_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -439,7 +439,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml">NEIm2ColKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_integral_image.xhtml b/documentation/classarm__compute_1_1_n_e_integral_image.xhtml index a369b8c2c..790518f5c 100644 --- a/documentation/classarm__compute_1_1_n_e_integral_image.xhtml +++ b/documentation/classarm__compute_1_1_n_e_integral_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -198,7 +198,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_integral_image.xhtml">NEIntegralImage</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_integral_image_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_integral_image_kernel.xhtml index d700feeeb..14705557e 100644 --- a/documentation/classarm__compute_1_1_n_e_integral_image_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_integral_image_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -325,7 +325,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.js b/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.js index fb48b64b9..68ebb6dd3 100644 --- a/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.js +++ b/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.js @@ -5,7 +5,7 @@ var classarm__compute_1_1_n_e_l_k_tracker_kernel = [ "NELKTrackerKernel", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#aca5d353ec5bfccdae41b2f647adb3da8", null ], [ "~NELKTrackerKernel", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab32b5b543a39437043fd3e6df25ec574", null ], [ "border_size", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7", null ], - [ "configure", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029", null ], + [ "configure", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d", null ], [ "operator=", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f", null ], [ "operator=", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c", null ], [ "run", "classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69", null ] diff --git a/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml index 8c13ccdbd..725a58903 100644 --- a/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -152,9 +152,9 @@ Public Member Functions</h2></td></tr> <tr class="memitem:ab32b5b543a39437043fd3e6df25ec574"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab32b5b543a39437043fd3e6df25ec574">~NELKTrackerKernel</a> ()=default</td></tr> <tr class="memdesc:ab32b5b543a39437043fd3e6df25ec574"><td class="mdescLeft"> </td><td class="mdescRight">Default destructor. <a href="#ab32b5b543a39437043fd3e6df25ec574">More...</a><br /></td></tr> <tr class="separator:ab32b5b543a39437043fd3e6df25ec574"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a1a240e81daadc55f75e59ab796faf029"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029">configure</a> (const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_old, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_new, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gx, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gy, const <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *old_points, const <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *new_points_estimates, <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *new_points, <a class="el" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487">INELKInternalKeypointArray</a> *old_points_internal, <a class="el" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487">INELKInternalKeypointArray</a> *new_points_internal, <a class="el" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, bool use_initial_estimate, float epsilon, unsigned int num_iterations, size_t window_dimension, size_t level, size_t num_levels, float pyramid_scale, int32_t border_offset)</td></tr> -<tr class="memdesc:a1a240e81daadc55f75e59ab796faf029"><td class="mdescLeft"> </td><td class="mdescRight">Initialise the kernel input and output. <a href="#a1a240e81daadc55f75e59ab796faf029">More...</a><br /></td></tr> -<tr class="separator:a1a240e81daadc55f75e59ab796faf029"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a9db04388927168bc8d9423087dfa8a6d"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d">configure</a> (const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_old, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *input_new, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gx, const <a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *old_scharr_gy, const <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *old_points, const <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *new_points_estimates, <a class="el" href="namespacearm__compute.xhtml#ab56a557a5fdf97819f23c35c24f0b0d2">IKeyPointArray</a> *new_points, <a class="el" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487">INELKInternalKeypointArray</a> *old_points_internal, <a class="el" href="namespacearm__compute.xhtml#a19699533eb1b662e46a10715f6086487">INELKInternalKeypointArray</a> *new_points_internal, <a class="el" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453">Termination</a> termination, bool use_initial_estimate, float epsilon, unsigned int num_iterations, size_t window_dimension, size_t level, size_t num_levels, float pyramid_scale)</td></tr> +<tr class="memdesc:a9db04388927168bc8d9423087dfa8a6d"><td class="mdescLeft"> </td><td class="mdescRight">Initialise the kernel input and output. <a href="#a9db04388927168bc8d9423087dfa8a6d">More...</a><br /></td></tr> +<tr class="separator:a9db04388927168bc8d9423087dfa8a6d"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a8fd12b95bdde3f93db96bc9b1598db69"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">run</a> (const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> &<a class="el" href="classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353">window</a>) override</td></tr> <tr class="memdesc:a8fd12b95bdde3f93db96bc9b1598db69"><td class="mdescLeft"> </td><td class="mdescRight">Execute the kernel on the passed window. <a href="#a8fd12b95bdde3f93db96bc9b1598db69">More...</a><br /></td></tr> <tr class="separator:a8fd12b95bdde3f93db96bc9b1598db69"><td class="memSeparator" colspan="2"> </td></tr> @@ -307,7 +307,7 @@ Public Member Functions</h2></td></tr> </div> </div> -<a class="anchor" id="a1a240e81daadc55f75e59ab796faf029"></a> +<a class="anchor" id="a9db04388927168bc8d9423087dfa8a6d"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> @@ -411,13 +411,7 @@ Public Member Functions</h2></td></tr> <td class="paramkey"></td> <td></td> <td class="paramtype">float </td> - <td class="paramname"><em>pyramid_scale</em>, </td> - </tr> - <tr> - <td class="paramkey"></td> - <td></td> - <td class="paramtype">int32_t </td> - <td class="paramname"><em>border_offset</em> </td> + <td class="paramname"><em>pyramid_scale</em> </td> </tr> <tr> <td></td> @@ -447,7 +441,6 @@ Public Member Functions</h2></td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">level</td><td>The pyramid level </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">num_levels</td><td>The number of pyramid levels </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">pyramid_scale</td><td>Scale factor used for generating the pyramid </td></tr> - <tr><td class="paramdir">[in]</td><td class="paramname">border_offset</td><td>The offset used to define the boundary of the tracked pixels in different border modes </td></tr> </table> </dd> </dl> @@ -553,7 +546,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_laplacian_pyramid.xhtml b/documentation/classarm__compute_1_1_n_e_laplacian_pyramid.xhtml index 629398a8e..f3a278d07 100644 --- a/documentation/classarm__compute_1_1_n_e_laplacian_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_n_e_laplacian_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -281,7 +281,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml">NELaplacianPyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml b/documentation/classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml index 63ce288c8..570a19fa8 100644 --- a/documentation/classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml +++ b/documentation/classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -286,7 +286,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml">NELaplacianReconstruct</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml index 032113d6b..070725bca 100644 --- a/documentation/classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -316,7 +316,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml">NELogits1DMaxKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml index 98f7d090b..b9d43defa 100644 --- a/documentation/classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -420,7 +420,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml index 363b4284c..1ea86e12a 100644 --- a/documentation/classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -455,7 +455,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_magnitude.xhtml b/documentation/classarm__compute_1_1_n_e_magnitude.xhtml index e833f0016..edac47e11 100644 --- a/documentation/classarm__compute_1_1_n_e_magnitude.xhtml +++ b/documentation/classarm__compute_1_1_n_e_magnitude.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -212,7 +212,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_magnitude.xhtml">NEMagnitude</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml index 0b07ef6c8..5d1740b1b 100644 --- a/documentation/classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -431,7 +431,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml">NEMagnitudePhaseFP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml index 023ded323..23a6a1237 100644 --- a/documentation/classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -431,7 +431,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml">NEMagnitudePhaseKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_mean_std_dev.xhtml b/documentation/classarm__compute_1_1_n_e_mean_std_dev.xhtml index 7a5a849a2..a2b67a68f 100644 --- a/documentation/classarm__compute_1_1_n_e_mean_std_dev.xhtml +++ b/documentation/classarm__compute_1_1_n_e_mean_std_dev.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -261,7 +261,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml">NEMeanStdDev</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml index c6a58a5b1..120a3a9da 100644 --- a/documentation/classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -434,7 +434,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml">NEMeanStdDevKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_median3x3.xhtml b/documentation/classarm__compute_1_1_n_e_median3x3.xhtml index 404037458..e359e8b1b 100644 --- a/documentation/classarm__compute_1_1_n_e_median3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_median3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -219,7 +219,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_median3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_median3x3_kernel.xhtml index 1ec7de0f4..a5965b1c8 100644 --- a/documentation/classarm__compute_1_1_n_e_median3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_median3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -302,7 +302,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml">NEMedian3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_min_max_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_min_max_kernel.xhtml index 48815a777..7287bf54b 100644 --- a/documentation/classarm__compute_1_1_n_e_min_max_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_min_max_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -440,7 +440,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml">NEMinMaxKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_min_max_location.xhtml b/documentation/classarm__compute_1_1_n_e_min_max_location.xhtml index 6c911cd3d..a07347ea6 100644 --- a/documentation/classarm__compute_1_1_n_e_min_max_location.xhtml +++ b/documentation/classarm__compute_1_1_n_e_min_max_location.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -292,7 +292,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml">NEMinMaxLocation</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_min_max_location_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_min_max_location_kernel.xhtml index 9f879f636..623c11e02 100644 --- a/documentation/classarm__compute_1_1_n_e_min_max_location_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_min_max_location_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -479,7 +479,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml">NEMinMaxLocationKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_non_linear_filter.xhtml b/documentation/classarm__compute_1_1_n_e_non_linear_filter.xhtml index 1e44bfdc7..feb32a7c8 100644 --- a/documentation/classarm__compute_1_1_n_e_non_linear_filter.xhtml +++ b/documentation/classarm__compute_1_1_n_e_non_linear_filter.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -246,7 +246,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">NENonLinearFilter</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml index b03a84a04..bc72967f0 100644 --- a/documentation/classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -448,7 +448,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml index 682ea4190..a35ac7220 100644 --- a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -193,8 +193,8 @@ Public Member Functions</h2></td></tr> <dl class="section note"><dt>Note</dt><dd>The implementation supports just 2 border modes: UNDEFINED and CONSTANT The constant values used with CONSTANT border mode is 0</dd></dl> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in,out]</td><td class="paramname">input</td><td>Source tensor. Data type supported: F32. (Written to only for <code>border_mode</code> != UNDEFINED) </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination for the Non-Maxima suppressions 3x3. Data type supported: F32. </td></tr> + <tr><td class="paramdir">[in,out]</td><td class="paramname">input</td><td>Source tensor. Data type supported: U8, F32. (Written to only for <code>border_mode</code> != UNDEFINED) </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">output</td><td>Destination for the Non-Maxima suppressions 3x3. Data type supported: same as <code>input</code> </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">border_mode</td><td>Border mode to use for non-maxima suppression. The implementation supports just 2 border modes: UNDEFINED and CONSTANT </td></tr> </table> </dd> @@ -211,7 +211,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml index 43ecf3333..e65cddc6d 100644 --- a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,7 +121,7 @@ $(document).ready(function(){initNavTree('classarm__compute_1_1_n_e_non_maxima_s </div><!--header--> <div class="contents"> -<p>NEON kernel to perform Non-Maxima suppression 3x3. +<p>NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#details">More...</a></p> <p><code>#include <<a class="el" href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml">NENonMaximaSuppression3x3Kernel.h</a>></code></p> @@ -184,7 +184,7 @@ Public Member Functions</h2></td></tr> <tr class="separator:a3f5646133956f06348b310ccc3d36353 inherit pub_methods_classarm__compute_1_1_i_kernel"><td class="memSeparator" colspan="2"> </td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> -<div class="textblock"><p>NEON kernel to perform Non-Maxima suppression 3x3. </p> +<div class="textblock"><p>NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32. </p> <p>Definition at line <a class="el" href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml#l00084">84</a> of file <a class="el" href="_n_e_non_maxima_suppression3x3_kernel_8h_source.xhtml">NENonMaximaSuppression3x3Kernel.h</a>.</p> </div><h2 class="groupheader">Member Function Documentation</h2> @@ -239,7 +239,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml index edc8b796d..0061ac6a1 100644 --- a/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -449,7 +449,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_normalization_layer.xhtml b/documentation/classarm__compute_1_1_n_e_normalization_layer.xhtml index 840ac5bbc..11ff633df 100644 --- a/documentation/classarm__compute_1_1_n_e_normalization_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_normalization_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -265,7 +265,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml">NENormalizationLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml index e4b68a397..c39e30ad0 100644 --- a/documentation/classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -455,7 +455,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_optical_flow.xhtml b/documentation/classarm__compute_1_1_n_e_optical_flow.xhtml index 45c709039..4b935e1db 100644 --- a/documentation/classarm__compute_1_1_n_e_optical_flow.xhtml +++ b/documentation/classarm__compute_1_1_n_e_optical_flow.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -385,7 +385,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_phase.xhtml b/documentation/classarm__compute_1_1_n_e_phase.xhtml index bf4d091aa..fb52d908d 100644 --- a/documentation/classarm__compute_1_1_n_e_phase.xhtml +++ b/documentation/classarm__compute_1_1_n_e_phase.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_phase.xhtml">NEPhase</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml b/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml index c4ed55a9f..48bdbfe91 100644 --- a/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml +++ b/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml">NEPixelWiseMultiplication</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml index 08271993f..e9da4418b 100644 --- a/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -442,7 +442,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">NEPixelWiseMultiplicationKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_pooling_layer.xhtml b/documentation/classarm__compute_1_1_n_e_pooling_layer.xhtml index e7dd24cb5..c313f2567 100644 --- a/documentation/classarm__compute_1_1_n_e_pooling_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_pooling_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -210,7 +210,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer.xhtml">NEPoolingLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml index 6b318453d..e0a5399ce 100644 --- a/documentation/classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -448,7 +448,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_remap.xhtml b/documentation/classarm__compute_1_1_n_e_remap.xhtml index fc326927f..830740248 100644 --- a/documentation/classarm__compute_1_1_n_e_remap.xhtml +++ b/documentation/classarm__compute_1_1_n_e_remap.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -238,7 +238,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_remap.xhtml">NERemap</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_remap_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_remap_kernel.xhtml index 5e705c2d3..79349806c 100644 --- a/documentation/classarm__compute_1_1_n_e_remap_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_remap_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -434,7 +434,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_scale.xhtml b/documentation/classarm__compute_1_1_n_e_scale.xhtml index e7af6b901..e1b6cd63c 100644 --- a/documentation/classarm__compute_1_1_n_e_scale.xhtml +++ b/documentation/classarm__compute_1_1_n_e_scale.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -243,7 +243,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_scale_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_scale_kernel.xhtml index 7b242c146..0cedc580f 100644 --- a/documentation/classarm__compute_1_1_n_e_scale_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_scale_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -477,7 +477,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_scharr3x3.xhtml b/documentation/classarm__compute_1_1_n_e_scharr3x3.xhtml index c18bc097e..a397d9fca 100644 --- a/documentation/classarm__compute_1_1_n_e_scharr3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_scharr3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3.xhtml">NEScharr3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml index dfb7e6a36..ffc0cdd11 100644 --- a/documentation/classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -459,7 +459,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml index c7bebdd43..31bce8a3b 100644 --- a/documentation/classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -333,7 +333,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolutionHorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml index 5d008a01f..80f66bd37 100644 --- a/documentation/classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -340,7 +340,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolutionVertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel3x3.xhtml b/documentation/classarm__compute_1_1_n_e_sobel3x3.xhtml index fd78c5cad..0b8053f67 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel3x3.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel3x3.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -225,7 +225,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3.xhtml">NESobel3x3</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml index c9bfaab1f..dc01b814a 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -459,7 +459,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel5x5.xhtml b/documentation/classarm__compute_1_1_n_e_sobel5x5.xhtml index b9b0d885a..2c5d234c4 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel5x5.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel5x5.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml">NESobel5x5</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml index da82c13f0..aafaa16e9 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -456,7 +456,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml index f3f70d543..7ba1523d9 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -462,7 +462,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel7x7.xhtml b/documentation/classarm__compute_1_1_n_e_sobel7x7.xhtml index ba8a66e40..2afcbd9e2 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel7x7.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel7x7.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -280,7 +280,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml">NESobel7x7</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml index 4784ebeac..d1b8623bd 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -456,7 +456,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml index 14bd8e84d..b07309ab6 100644 --- a/documentation/classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -467,7 +467,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_softmax_layer.xhtml b/documentation/classarm__compute_1_1_n_e_softmax_layer.xhtml index 692d82ccc..2991edff8 100644 --- a/documentation/classarm__compute_1_1_n_e_softmax_layer.xhtml +++ b/documentation/classarm__compute_1_1_n_e_softmax_layer.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -151,7 +151,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Basic function to compute a SoftmaxLayer. </p> <p>Softmax is calculated by : </p><p class="formulaDsp"> -\[ out = exp(x - max(x)) / sum(exp(x - max(x))) \] +\[ out = \frac{e^{x - max(x)}}{\sum{e^{x - max(x)}}} \] </p> <p>This function runs the following kernels:</p><ol type="1"> <li><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml">NELogits1DMaxKernel</a></li> @@ -264,7 +264,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml">NESoftmaxLayer</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_table_lookup.xhtml b/documentation/classarm__compute_1_1_n_e_table_lookup.xhtml index 41b2e693c..003f39148 100644 --- a/documentation/classarm__compute_1_1_n_e_table_lookup.xhtml +++ b/documentation/classarm__compute_1_1_n_e_table_lookup.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_table_lookup.xhtml">NETableLookup</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_table_lookup_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_table_lookup_kernel.xhtml index c0b6cbcee..27c6ba961 100644 --- a/documentation/classarm__compute_1_1_n_e_table_lookup_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_table_lookup_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -411,7 +411,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_threshold.xhtml b/documentation/classarm__compute_1_1_n_e_threshold.xhtml index 4ff2909ab..166abfb54 100644 --- a/documentation/classarm__compute_1_1_n_e_threshold.xhtml +++ b/documentation/classarm__compute_1_1_n_e_threshold.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_threshold.xhtml">NEThreshold</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_threshold_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_threshold_kernel.xhtml index e35fece71..aca418db3 100644 --- a/documentation/classarm__compute_1_1_n_e_threshold_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_threshold_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -362,7 +362,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_transpose.xhtml b/documentation/classarm__compute_1_1_n_e_transpose.xhtml index c6dbcdbea..fe93dc08f 100644 --- a/documentation/classarm__compute_1_1_n_e_transpose.xhtml +++ b/documentation/classarm__compute_1_1_n_e_transpose.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -202,7 +202,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_transpose.xhtml">NETranspose</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_transpose_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_transpose_kernel.xhtml index aef5b3359..a5246a9f9 100644 --- a/documentation/classarm__compute_1_1_n_e_transpose_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_transpose_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -414,7 +414,7 @@ The width of the window has to be a multiple of num_elems_processed_per_iteratio <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml">NETransposeKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_warp_affine.xhtml b/documentation/classarm__compute_1_1_n_e_warp_affine.xhtml index 37cd20b8d..6b7eec25f 100644 --- a/documentation/classarm__compute_1_1_n_e_warp_affine.xhtml +++ b/documentation/classarm__compute_1_1_n_e_warp_affine.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml">NEWarpAffine</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_warp_affine_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_warp_affine_kernel.xhtml index edc589d15..0562759c8 100644 --- a/documentation/classarm__compute_1_1_n_e_warp_affine_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_warp_affine_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -191,7 +191,7 @@ class arm_compute::NEWarpAffineKernel< interpolation ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_warp_perspective.xhtml b/documentation/classarm__compute_1_1_n_e_warp_perspective.xhtml index 9bf64b151..4947faf1d 100644 --- a/documentation/classarm__compute_1_1_n_e_warp_perspective.xhtml +++ b/documentation/classarm__compute_1_1_n_e_warp_perspective.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -226,7 +226,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml">NEWarpPerspective</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml b/documentation/classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml index 8cf11d639..f1a627068 100644 --- a/documentation/classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml +++ b/documentation/classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -191,7 +191,7 @@ class arm_compute::NEWarpPerspectiveKernel< interpolation ></h3> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_normalization_layer_info.xhtml b/documentation/classarm__compute_1_1_normalization_layer_info.xhtml index 399a76704..01b17d34b 100644 --- a/documentation/classarm__compute_1_1_normalization_layer_info.xhtml +++ b/documentation/classarm__compute_1_1_normalization_layer_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -148,7 +148,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Normalization Layer Information class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00482">482</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00495">495</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="a364517fc26d500026eaa13f50db45703"></a> <div class="memitem"> @@ -212,12 +212,12 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00493">493</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00494"></a><span class="lineno"> 494</span>  : _type(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">type</a>), _norm_size(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">norm_size</a>), _alpha(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">alpha</a>), _beta(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">beta</a>), _kappa(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">kappa</a>)</div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  {</div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  }</div><div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a39f6445d0b790034f0d8fac36f2eb7f5"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">arm_compute::NormalizationLayerInfo::type</a></div><div class="ttdeci">NormType type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00497">Types.h:497</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a0549be3702c05e6ec1ada69a6d08e349"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">arm_compute::NormalizationLayerInfo::norm_size</a></div><div class="ttdeci">uint32_t norm_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00501">Types.h:501</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4ee7f04c477d0e6a2a3609c24a8815b8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">arm_compute::NormalizationLayerInfo::alpha</a></div><div class="ttdeci">float alpha() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00505">Types.h:505</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4df91dc0be2437a7d1bfd6d8df72baa8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">arm_compute::NormalizationLayerInfo::kappa</a></div><div class="ttdeci">float kappa() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00513">Types.h:513</a></div></div> -<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a55fe6a30749e41ce31c2bb969a5aa25e"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">arm_compute::NormalizationLayerInfo::beta</a></div><div class="ttdeci">float beta() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00509">Types.h:509</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00506">506</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  : _type(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">type</a>), _norm_size(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">norm_size</a>), _alpha(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">alpha</a>), _beta(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">beta</a>), _kappa(<a class="code" href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">kappa</a>)</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  {</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span>  }</div><div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a39f6445d0b790034f0d8fac36f2eb7f5"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5">arm_compute::NormalizationLayerInfo::type</a></div><div class="ttdeci">NormType type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00510">Types.h:510</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a0549be3702c05e6ec1ada69a6d08e349"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">arm_compute::NormalizationLayerInfo::norm_size</a></div><div class="ttdeci">uint32_t norm_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00514">Types.h:514</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4ee7f04c477d0e6a2a3609c24a8815b8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8">arm_compute::NormalizationLayerInfo::alpha</a></div><div class="ttdeci">float alpha() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00518">Types.h:518</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a4df91dc0be2437a7d1bfd6d8df72baa8"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8">arm_compute::NormalizationLayerInfo::kappa</a></div><div class="ttdeci">float kappa() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00526">Types.h:526</a></div></div> +<div class="ttc" id="classarm__compute_1_1_normalization_layer_info_xhtml_a55fe6a30749e41ce31c2bb969a5aa25e"><div class="ttname"><a href="classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e">arm_compute::NormalizationLayerInfo::beta</a></div><div class="ttdeci">float beta() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00522">Types.h:522</a></div></div> </div><!-- fragment --> </div> </div> @@ -243,8 +243,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00505">505</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00506"></a><span class="lineno"> 506</span>  {</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  <span class="keywordflow">return</span> _alpha;</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00518">518</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00519"></a><span class="lineno"> 519</span>  {</div><div class="line"><a name="l00520"></a><span class="lineno"> 520</span>  <span class="keywordflow">return</span> _alpha;</div><div class="line"><a name="l00521"></a><span class="lineno"> 521</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a55fe6a30749e41ce31c2bb969a5aa25e"></a> @@ -268,8 +268,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00509">509</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00510"></a><span class="lineno"> 510</span>  {</div><div class="line"><a name="l00511"></a><span class="lineno"> 511</span>  <span class="keywordflow">return</span> _beta;</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00522">522</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00523"></a><span class="lineno"> 523</span>  {</div><div class="line"><a name="l00524"></a><span class="lineno"> 524</span>  <span class="keywordflow">return</span> _beta;</div><div class="line"><a name="l00525"></a><span class="lineno"> 525</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a4df91dc0be2437a7d1bfd6d8df72baa8"></a> @@ -293,8 +293,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00513">513</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00514"></a><span class="lineno"> 514</span>  {</div><div class="line"><a name="l00515"></a><span class="lineno"> 515</span>  <span class="keywordflow">return</span> _kappa;</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00526">526</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00527"></a><span class="lineno"> 527</span>  {</div><div class="line"><a name="l00528"></a><span class="lineno"> 528</span>  <span class="keywordflow">return</span> _kappa;</div><div class="line"><a name="l00529"></a><span class="lineno"> 529</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a0549be3702c05e6ec1ada69a6d08e349"></a> @@ -318,8 +318,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00501">501</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00502"></a><span class="lineno"> 502</span>  {</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span>  <span class="keywordflow">return</span> _norm_size;</div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00514">514</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00515"></a><span class="lineno"> 515</span>  {</div><div class="line"><a name="l00516"></a><span class="lineno"> 516</span>  <span class="keywordflow">return</span> _norm_size;</div><div class="line"><a name="l00517"></a><span class="lineno"> 517</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a6f541aab23799f6c61d9c8d7ca9fe15c"></a> @@ -346,8 +346,8 @@ Public Member Functions</h2></td></tr> <p>Return the scaling factor of the normalization function. </p> <p>If kappa is not 1 then [Krichevksy 2012] normalization scaling is specified. </p><dl class="section return"><dt>Returns</dt><dd>The normalization scaling factor. </dd></dl> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00520">520</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00521"></a><span class="lineno"> 521</span>  {</div><div class="line"><a name="l00522"></a><span class="lineno"> 522</span>  <span class="keywordflow">return</span> (_kappa == 1.f) ? (_alpha / _norm_size) : _alpha;</div><div class="line"><a name="l00523"></a><span class="lineno"> 523</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00533">533</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00534"></a><span class="lineno"> 534</span>  {</div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span>  <span class="keywordflow">return</span> (_kappa == 1.f) ? (_alpha / _norm_size) : _alpha;</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a39f6445d0b790034f0d8fac36f2eb7f5"></a> @@ -371,8 +371,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00497">497</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00498"></a><span class="lineno"> 498</span>  {</div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span>  <span class="keywordflow">return</span> _type;</div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00510">510</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00511"></a><span class="lineno"> 511</span>  {</div><div class="line"><a name="l00512"></a><span class="lineno"> 512</span>  <span class="keywordflow">return</span> _type;</div><div class="line"><a name="l00513"></a><span class="lineno"> 513</span>  }</div></div><!-- fragment --> </div> </div> <hr/>The documentation for this class was generated from the following file:<ul> @@ -384,7 +384,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_pad_stride_info.xhtml b/documentation/classarm__compute_1_1_pad_stride_info.xhtml index 21d0443de..4f3308817 100644 --- a/documentation/classarm__compute_1_1_pad_stride_info.xhtml +++ b/documentation/classarm__compute_1_1_pad_stride_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Padding and stride information class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00362">362</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00375">375</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="aebf88ce57c0ad3d796ca66edb8a43e1a"></a> <div class="memitem"> @@ -205,8 +205,8 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00373">373</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  : _stride(std::make_pair(stride_x, stride_y)),</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span>  _pad(std::make_pair(pad_x, pad_y)),</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  _round_type(<a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">round</a>)</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  {</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  }</div><div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a3d7de69b5d597f77362f3279c6ec1c44"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">arm_compute::PadStrideInfo::round</a></div><div class="ttdeci">DimensionRoundingType round() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00389">Types.h:389</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00386">386</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  : _stride(std::make_pair(stride_x, stride_y)),</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  _pad(std::make_pair(pad_x, pad_y)),</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  _round_type(<a class="code" href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">round</a>)</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  {</div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  }</div><div class="ttc" id="classarm__compute_1_1_pad_stride_info_xhtml_a3d7de69b5d597f77362f3279c6ec1c44"><div class="ttname"><a href="classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44">arm_compute::PadStrideInfo::round</a></div><div class="ttdeci">DimensionRoundingType round() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00402">Types.h:402</a></div></div> </div><!-- fragment --> </div> </div> @@ -232,8 +232,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00385">385</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  {</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span>  <span class="keywordflow">return</span> _pad;</div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00398">398</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  {</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  <span class="keywordflow">return</span> _pad;</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a3d7de69b5d597f77362f3279c6ec1c44"></a> @@ -257,8 +257,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00389">389</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  {</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  <span class="keywordflow">return</span> _round_type;</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00402">402</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00403"></a><span class="lineno"> 403</span>  {</div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span>  <span class="keywordflow">return</span> _round_type;</div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="ad2f1ea50a9e215ad8ef612a724a4866a"></a> @@ -282,8 +282,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00381">381</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00382"></a><span class="lineno"> 382</span>  {</div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">return</span> _stride;</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00394">394</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  {</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  <span class="keywordflow">return</span> _stride;</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  }</div></div><!-- fragment --> </div> </div> <hr/>The documentation for this class was generated from the following file:<ul> @@ -295,7 +295,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_pixel_value.xhtml b/documentation/classarm__compute_1_1_pixel_value.xhtml index 4e3d33720..c054c0f81 100644 --- a/documentation/classarm__compute_1_1_pixel_value.xhtml +++ b/documentation/classarm__compute_1_1_pixel_value.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -858,7 +858,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_pooling_layer_info.xhtml b/documentation/classarm__compute_1_1_pooling_layer_info.xhtml index c10482ef3..89426a9c4 100644 --- a/documentation/classarm__compute_1_1_pooling_layer_info.xhtml +++ b/documentation/classarm__compute_1_1_pooling_layer_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Pooling Layer Information class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00401">401</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00414">414</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="af9d0ef4ba2c2ce9dc650a064484c4647"></a> <div class="memitem"> @@ -191,10 +191,10 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00410">410</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00411"></a><span class="lineno"> 411</span>  : _pool_type(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">pool_type</a>), _pool_size(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">pool_size</a>), _pad_stride_info(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">pad_stride_info</a>)</div><div class="line"><a name="l00412"></a><span class="lineno"> 412</span>  {</div><div class="line"><a name="l00413"></a><span class="lineno"> 413</span>  }</div><div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_acbe58b96aee21ee986689ebd3d2f6a3c"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">arm_compute::PoolingLayerInfo::pool_size</a></div><div class="ttdeci">unsigned int pool_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00418">Types.h:418</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a3c82dfc72060f59eccf0bd096b81c5d5"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">arm_compute::PoolingLayerInfo::pad_stride_info</a></div><div class="ttdeci">PadStrideInfo pad_stride_info() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00422">Types.h:422</a></div></div> -<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a7e8311a3a774bceb8efae1d5c8c8aeff"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">arm_compute::PoolingLayerInfo::pool_type</a></div><div class="ttdeci">PoolingType pool_type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00414">Types.h:414</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00423">423</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00424"></a><span class="lineno"> 424</span>  : _pool_type(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">pool_type</a>), _pool_size(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">pool_size</a>), _pad_stride_info(<a class="code" href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">pad_stride_info</a>)</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span>  {</div><div class="line"><a name="l00426"></a><span class="lineno"> 426</span>  }</div><div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_acbe58b96aee21ee986689ebd3d2f6a3c"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c">arm_compute::PoolingLayerInfo::pool_size</a></div><div class="ttdeci">unsigned int pool_size() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00431">Types.h:431</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a3c82dfc72060f59eccf0bd096b81c5d5"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5">arm_compute::PoolingLayerInfo::pad_stride_info</a></div><div class="ttdeci">PadStrideInfo pad_stride_info() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00435">Types.h:435</a></div></div> +<div class="ttc" id="classarm__compute_1_1_pooling_layer_info_xhtml_a7e8311a3a774bceb8efae1d5c8c8aeff"><div class="ttname"><a href="classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff">arm_compute::PoolingLayerInfo::pool_type</a></div><div class="ttdeci">PoolingType pool_type() const </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00427">Types.h:427</a></div></div> </div><!-- fragment --> </div> </div> @@ -220,8 +220,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00422">422</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00423"></a><span class="lineno"> 423</span>  {</div><div class="line"><a name="l00424"></a><span class="lineno"> 424</span>  <span class="keywordflow">return</span> _pad_stride_info;</div><div class="line"><a name="l00425"></a><span class="lineno"> 425</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00435">435</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00436"></a><span class="lineno"> 436</span>  {</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <span class="keywordflow">return</span> _pad_stride_info;</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="acbe58b96aee21ee986689ebd3d2f6a3c"></a> @@ -245,8 +245,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00418">418</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00419"></a><span class="lineno"> 419</span>  {</div><div class="line"><a name="l00420"></a><span class="lineno"> 420</span>  <span class="keywordflow">return</span> _pool_size;</div><div class="line"><a name="l00421"></a><span class="lineno"> 421</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00431">431</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00432"></a><span class="lineno"> 432</span>  {</div><div class="line"><a name="l00433"></a><span class="lineno"> 433</span>  <span class="keywordflow">return</span> _pool_size;</div><div class="line"><a name="l00434"></a><span class="lineno"> 434</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a7e8311a3a774bceb8efae1d5c8c8aeff"></a> @@ -270,8 +270,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00414">414</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00415"></a><span class="lineno"> 415</span>  {</div><div class="line"><a name="l00416"></a><span class="lineno"> 416</span>  <span class="keywordflow">return</span> _pool_type;</div><div class="line"><a name="l00417"></a><span class="lineno"> 417</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00427">427</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00428"></a><span class="lineno"> 428</span>  {</div><div class="line"><a name="l00429"></a><span class="lineno"> 429</span>  <span class="keywordflow">return</span> _pool_type;</div><div class="line"><a name="l00430"></a><span class="lineno"> 430</span>  }</div></div><!-- fragment --> </div> </div> <hr/>The documentation for this class was generated from the following file:<ul> @@ -283,7 +283,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_program.xhtml b/documentation/classarm__compute_1_1_program.xhtml index 1fe284204..f9304ef0e 100644 --- a/documentation/classarm__compute_1_1_program.xhtml +++ b/documentation/classarm__compute_1_1_program.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -509,7 +509,7 @@ Static Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_program.xhtml">Program</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_pyramid.xhtml b/documentation/classarm__compute_1_1_pyramid.xhtml index ae00c644e..8be18c20f 100644 --- a/documentation/classarm__compute_1_1_pyramid.xhtml +++ b/documentation/classarm__compute_1_1_pyramid.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -297,7 +297,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_pyramid_info.xhtml b/documentation/classarm__compute_1_1_pyramid_info.xhtml index 152055949..749899f43 100644 --- a/documentation/classarm__compute_1_1_pyramid_info.xhtml +++ b/documentation/classarm__compute_1_1_pyramid_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -656,7 +656,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_pyramid_info.xhtml">PyramidInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_size2_d.xhtml b/documentation/classarm__compute_1_1_size2_d.xhtml index 6ea3dc454..d4689071f 100644 --- a/documentation/classarm__compute_1_1_size2_d.xhtml +++ b/documentation/classarm__compute_1_1_size2_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -391,7 +391,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_steps.xhtml b/documentation/classarm__compute_1_1_steps.xhtml index 2522db640..9c06f9fd0 100644 --- a/documentation/classarm__compute_1_1_steps.xhtml +++ b/documentation/classarm__compute_1_1_steps.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -357,7 +357,7 @@ Additional Inherited Members</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_steps.xhtml">Steps</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_strides.xhtml b/documentation/classarm__compute_1_1_strides.xhtml index da82e55e2..da4ecea92 100644 --- a/documentation/classarm__compute_1_1_strides.xhtml +++ b/documentation/classarm__compute_1_1_strides.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -356,7 +356,7 @@ Additional Inherited Members</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_strides.xhtml">Strides</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_tensor.xhtml b/documentation/classarm__compute_1_1_tensor.xhtml index d739b34aa..ec83a6f10 100644 --- a/documentation/classarm__compute_1_1_tensor.xhtml +++ b/documentation/classarm__compute_1_1_tensor.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -387,7 +387,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_tensor.xhtml">Tensor</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_tensor_allocator.js b/documentation/classarm__compute_1_1_tensor_allocator.js index 8b601db38..aaf233046 100644 --- a/documentation/classarm__compute_1_1_tensor_allocator.js +++ b/documentation/classarm__compute_1_1_tensor_allocator.js @@ -3,5 +3,6 @@ var classarm__compute_1_1_tensor_allocator = [ "TensorAllocator", "classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f", null ], [ "allocate", "classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee", null ], [ "data", "classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b", null ], + [ "free", "classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974", null ], [ "init", "classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4", null ] ];
\ No newline at end of file diff --git a/documentation/classarm__compute_1_1_tensor_allocator.xhtml b/documentation/classarm__compute_1_1_tensor_allocator.xhtml index a91206d3f..42e4a8e09 100644 --- a/documentation/classarm__compute_1_1_tensor_allocator.xhtml +++ b/documentation/classarm__compute_1_1_tensor_allocator.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,6 +146,9 @@ Public Member Functions</h2></td></tr> <tr class="memitem:a6e509c2a177b0b29e9e2369535094dee"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee">allocate</a> () override</td></tr> <tr class="memdesc:a6e509c2a177b0b29e9e2369535094dee"><td class="mdescLeft"> </td><td class="mdescRight">Allocate size specified by <a class="el" href="classarm__compute_1_1_tensor_info.xhtml" title="Store the tensor's metadata. ">TensorInfo</a> of CPU memory. <a href="#a6e509c2a177b0b29e9e2369535094dee">More...</a><br /></td></tr> <tr class="separator:a6e509c2a177b0b29e9e2369535094dee"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">free</a> () override</td></tr> +<tr class="memdesc:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="mdescLeft"> </td><td class="mdescRight">Free allocated CPU memory. <a href="#a1468b0adb6ec3f9d38aa7d60b8a91974">More...</a><br /></td></tr> +<tr class="separator:a1468b0adb6ec3f9d38aa7d60b8a91974"><td class="memSeparator" colspan="2"> </td></tr> <tr class="inherit_header pub_methods_classarm__compute_1_1_i_tensor_allocator"><td colspan="2" onclick="javascript:toggleInherit('pub_methods_classarm__compute_1_1_i_tensor_allocator')"><img src="closed.png" alt="-"/> Public Member Functions inherited from <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a></td></tr> <tr class="memitem:af97d553d2aa86688c92db8ed9a67cf0e inherit pub_methods_classarm__compute_1_1_i_tensor_allocator"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e">ITensorAllocator</a> ()</td></tr> <tr class="memdesc:af97d553d2aa86688c92db8ed9a67cf0e inherit pub_methods_classarm__compute_1_1_i_tensor_allocator"><td class="mdescLeft"> </td><td class="mdescRight">Default constructor. <a href="#af97d553d2aa86688c92db8ed9a67cf0e">More...</a><br /></td></tr> @@ -245,6 +248,34 @@ Public Member Functions</h2></td></tr> </div> </div> +<a class="anchor" id="a1468b0adb6ec3f9d38aa7d60b8a91974"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">void free </td> + <td>(</td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">override</span><span class="mlabel">virtual</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +<p>Free allocated CPU memory. </p> +<dl class="section note"><dt>Note</dt><dd>The tensor must have been allocated when calling this function. </dd></dl> + +<p>Implements <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">ITensorAllocator</a>.</p> + +</div> +</div> <a class="anchor" id="a3014ce2f4215e8a44331aa5daf3ba0d4"></a> <div class="memitem"> <div class="memproto"> @@ -300,7 +331,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_tensor_info.xhtml b/documentation/classarm__compute_1_1_tensor_info.xhtml index e3ede2200..135bec2a6 100644 --- a/documentation/classarm__compute_1_1_tensor_info.xhtml +++ b/documentation/classarm__compute_1_1_tensor_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -628,7 +628,7 @@ Public Member Functions</h2></td></tr> <p>References <a class="el" href="arm__compute_2core_2_utils_8h_source.xhtml#l00098">arm_compute::data_size_from_type()</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00398">arm_compute::compute_strides()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00411">arm_compute::compute_strides()</a>.</p> <div class="fragment"><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  {</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">data_size_from_type</a>(_data_type) * _num_channels;</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  }</div><div class="ttc" id="namespacearm__compute_xhtml_abb7e0f23a4f2e63f39433f158dad47ab"><div class="ttname"><a href="namespacearm__compute.xhtml#abb7e0f23a4f2e63f39433f158dad47ab">arm_compute::data_size_from_type</a></div><div class="ttdeci">size_t data_size_from_type(DataType data_type)</div><div class="ttdoc">The size in bytes of the data type. </div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_2core_2_utils_8h_source.xhtml#l00098">Utils.h:98</a></div></div> </div><!-- fragment --> </div> @@ -741,8 +741,8 @@ Public Member Functions</h2></td></tr> <p>Definition at line <a class="el" href="_tensor_info_8h_source.xhtml#l00295">295</a> of file <a class="el" href="_tensor_info_8h_source.xhtml">TensorInfo.h</a>.</p> -<p>References <a class="el" href="_types_8h_source.xhtml#l00143">BorderSize::empty()</a>.</p> -<div class="fragment"><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  {</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">return</span> !_padding.<a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>();</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00143">Types.h:143</a></div></div> +<p>References <a class="el" href="_types_8h_source.xhtml#l00156">BorderSize::empty()</a>.</p> +<div class="fragment"><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  {</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <span class="keywordflow">return</span> !_padding.<a class="code" href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">empty</a>();</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_adffbf97e7b8b64e7cf32f0254cddf3c4"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4">arm_compute::BorderSize::empty</a></div><div class="ttdeci">constexpr bool empty() const </div><div class="ttdoc">Check if the entire border is zero. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00156">Types.h:156</a></div></div> </div><!-- fragment --> </div> </div> @@ -1218,7 +1218,7 @@ Public Member Functions</h2></td></tr> <p>References <a class="el" href="_dimensions_8h_source.xhtml#l00108">Dimensions< T >::num_dimensions()</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00376">arm_compute::compute_strides()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00160">Window::use_tensor_dimensions()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00389">arm_compute::compute_strides()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00160">Window::use_tensor_dimensions()</a>.</p> <div class="fragment"><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  {</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <span class="keywordflow">return</span> _tensor_shape.<a class="code" href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">num_dimensions</a>();</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  }</div><div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a0f59f175e7682c7ed5f4ea30ef687834"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834">arm_compute::Dimensions::num_dimensions</a></div><div class="ttdeci">unsigned int num_dimensions() const </div><div class="ttdoc">Returns the effective dimensionality of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00108">Dimensions.h:108</a></div></div> </div><!-- fragment --> </div> @@ -1246,7 +1246,7 @@ Public Member Functions</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd>Offset in bytes from the beginning of the memory allocation to access the element (x, y, z, ...) </dd></dl> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00207">TensorInfo::offset_first_element_in_bytes()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00207">TensorInfo::offset_first_element_in_bytes()</a>, and <a class="el" href="_i_tensor_8h_source.xhtml#l00063">ITensor::ptr_to_element()</a>.</p> </div> </div> @@ -1472,7 +1472,7 @@ Public Member Functions</h2></td></tr> <p>Definition at line <a class="el" href="_tensor_info_8h_source.xhtml#l00198">198</a> of file <a class="el" href="_tensor_info_8h_source.xhtml">TensorInfo.h</a>.</p> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>.</p> <div class="fragment"><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  {</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  <span class="keywordflow">return</span> _strides_in_bytes;</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  }</div></div><!-- fragment --> </div> </div> @@ -1502,7 +1502,7 @@ Public Member Functions</h2></td></tr> <p>Definition at line <a class="el" href="_tensor_info_8h_source.xhtml#l00255">255</a> of file <a class="el" href="_tensor_info_8h_source.xhtml">TensorInfo.h</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00376">arm_compute::compute_strides()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00389">arm_compute::compute_strides()</a>.</p> <div class="fragment"><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  {</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keywordflow">return</span> _tensor_shape;</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  }</div></div><!-- fragment --> </div> </div> @@ -1572,7 +1572,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_tensor_shape.xhtml b/documentation/classarm__compute_1_1_tensor_shape.xhtml index dad97942d..8756104be 100644 --- a/documentation/classarm__compute_1_1_tensor_shape.xhtml +++ b/documentation/classarm__compute_1_1_tensor_shape.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -434,7 +434,7 @@ Additional Inherited Members</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_window.xhtml b/documentation/classarm__compute_1_1_window.xhtml index 4fa21ab47..32d4c99bb 100644 --- a/documentation/classarm__compute_1_1_window.xhtml +++ b/documentation/classarm__compute_1_1_window.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -578,7 +578,7 @@ Static Public Attributes</h2></td></tr> <p>References <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, and <a class="el" href="_dimensions_8h_source.xhtml#l00045">Dimensions< int >::num_max_dimensions</a>.</p> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00085">Window::split_window()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, and <a class="el" href="_window_8inl_source.xhtml#l00085">Window::split_window()</a>.</p> <div class="fragment"><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(dimension >= <a class="code" href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">Coordinates::num_max_dimensions</a>);</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  _dims[dimension] = dim;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> }</div><div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_dimensions_xhtml_a1b67d5b720119d50faa286c774579ecc"><div class="ttname"><a href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">arm_compute::Dimensions< int >::num_max_dimensions</a></div><div class="ttdeci">static constexpr size_t num_max_dimensions</div><div class="ttdoc">Number of dimensions the tensor has. </div><div class="ttdef"><b>Definition:</b> <a href="_dimensions_8h_source.xhtml#l00045">Dimensions.h:45</a></div></div> </div><!-- fragment --> @@ -1164,7 +1164,7 @@ Static Public Attributes</h2></td></tr> <p>Definition at line <a class="el" href="_window_8h_source.xhtml#l00043">43</a> of file <a class="el" href="_window_8h_source.xhtml">Window.h</a>.</p> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="_window_8h_source.xhtml#l00128">Window::x()</a>, and <a class="el" href="_window_8h_source.xhtml#l00146">Window::z()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="_window_8h_source.xhtml#l00128">Window::x()</a>, and <a class="el" href="_window_8h_source.xhtml#l00146">Window::z()</a>.</p> </div> </div> @@ -1190,7 +1190,7 @@ Static Public Attributes</h2></td></tr> <p>Definition at line <a class="el" href="_window_8h_source.xhtml#l00045">45</a> of file <a class="el" href="_window_8h_source.xhtml">Window.h</a>.</p> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, and <a class="el" href="_window_8h_source.xhtml#l00137">Window::y()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">arm_compute::colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">arm_compute::colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">arm_compute::colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">arm_compute::colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">arm_compute::colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">arm_compute::colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">arm_compute::colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">arm_compute::colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">arm_compute::colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">arm_compute::colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, and <a class="el" href="_window_8h_source.xhtml#l00137">Window::y()</a>.</p> </div> </div> @@ -1230,7 +1230,7 @@ Static Public Attributes</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_window.xhtml">Window</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classarm__compute_1_1_window_1_1_dimension.xhtml b/documentation/classarm__compute_1_1_window_1_1_dimension.xhtml index a5e64afaa..fc39493eb 100644 --- a/documentation/classarm__compute_1_1_window_1_1_dimension.xhtml +++ b/documentation/classarm__compute_1_1_window_1_1_dimension.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -372,7 +372,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_window.xhtml">Window</a></li><li class="navelem"><a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Dimension</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classes.xhtml b/documentation/classes.xhtml index a103a9b59..f7e07f154 100644 --- a/documentation/classes.xhtml +++ b/documentation/classes.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -121,107 +121,106 @@ $(document).ready(function(){initNavTree('classes.xhtml','');}); <div class="qindex"><a class="qindex" href="#letter_A">A</a> | <a class="qindex" href="#letter_B">B</a> | <a class="qindex" href="#letter_C">C</a> | <a class="qindex" href="#letter_D">D</a> | <a class="qindex" href="#letter_H">H</a> | <a class="qindex" href="#letter_I">I</a> | <a class="qindex" href="#letter_K">K</a> | <a class="qindex" href="#letter_L">L</a> | <a class="qindex" href="#letter_M">M</a> | <a class="qindex" href="#letter_N">N</a> | <a class="qindex" href="#letter_P">P</a> | <a class="qindex" href="#letter_R">R</a> | <a class="qindex" href="#letter_S">S</a> | <a class="qindex" href="#letter_T">T</a> | <a class="qindex" href="#letter_V">V</a> | <a class="qindex" href="#letter_W">W</a></div> <table class="classindex"> <tr><td rowspan="2" valign="bottom"><a name="letter_A"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  A  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml">CLGEMMLowp</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_coordinates3_d.xhtml">Coordinates3D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor.xhtml">NEBitwiseXor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">CLGEMMLowpMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml">NEBitwiseXorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude.xhtml">NEMagnitude</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">CLGEMMMatrixAccumulateBiasesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml">CPPScheduler</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml">NEBox3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml">NEMagnitudePhaseFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_horizontal.xhtml">AccessWindowHorizontal</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml">CLGEMMMatrixAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">NEBox3x3FP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml">NEMagnitudePhaseKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml">CLGEMMMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_D"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  D  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml">NEMeanStdDev</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml">CLGEMMTranspose1xWKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml">NEMeanStdDevKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_transpose.xhtml">AccessWindowTranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml">NEChannelCombine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_vertical.xhtml">AccessWindowVertical</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml">NEChannelCombineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml">NEMedian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_dimensions.xhtml">Dimensions</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml">NEChannelExtract</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml">NEMinMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_array.xhtml">Array</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml">CLHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">NEChannelExtractKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml">NEMinMaxLocation</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">CLGEMMInterleave4x4</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not.xhtml">NEBitwiseNot</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml">NELogits1DMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml">CLGEMMInterleave4x4Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_coordinates2_d.xhtml">Coordinates2D</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml">NEBitwiseNotKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_auto_padding.xhtml">AccessWindowAutoPadding</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml">CLGEMMLowp</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_coordinates2_d.xhtml">Coordinates2D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or.xhtml">NEBitwiseOr</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml">NELogits1DShiftExpSumKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_horizontal.xhtml">AccessWindowHorizontal</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">CLGEMMLowpMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_coordinates3_d.xhtml">Coordinates3D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml">NEBitwiseOrKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude.xhtml">NEMagnitude</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml">AccessWindowRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">CLGEMMMatrixAccumulateBiasesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml">CPPCornerCandidatesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor.xhtml">NEBitwiseXor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml">NEMagnitudePhaseFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_static.xhtml">AccessWindowStatic</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml">CLGEMMMatrixAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml">CPPScheduler</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml">NEBitwiseXorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml">NEMagnitudePhaseKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_transpose.xhtml">AccessWindowTranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml">CLGEMMMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml">CPPSortEuclideanDistanceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml">NEBox3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml">NEMeanStdDev</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_access_window_vertical.xhtml">AccessWindowVertical</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml">CLGEMMTranspose1xWKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_D"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  D  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml">NEBox3x3FP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml">NEMeanStdDevKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_activation_layer_info.xhtml">ActivationLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml">CLGradientKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml">NEBox3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_array.xhtml">Array</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_harris_corners.xhtml">CLHarrisCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml">NECannyEdge</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml">NEMedian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> <tr><td rowspan="2" valign="bottom"><a name="letter_B"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  B  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml">CLHistogramBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_H"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  H  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml">NECol2ImKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml">NEMinMaxLocationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram_kernel.xhtml">CLHistogramKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml">NEColorConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">NENonLinearFilter</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml">CLIm2ColKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_h_o_g.xhtml">HOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml">CLHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml">NEChannelCombine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml">NEMinMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram.xhtml">CLHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_dimensions.xhtml">Dimensions</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml">NEChannelCombineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml">NEMinMaxLocation</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml">CLHistogramBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_distribution1_d.xhtml">Distribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml">NEChannelExtract</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml">NEMinMaxLocationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> <tr><td rowspan="2" valign="bottom"><a name="letter_C"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  C  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml">CLIntegralImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml">CLIntegralImageHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_I"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  I  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference.xhtml">CLAbsoluteDifference</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml">CLIntegralImageVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml">CLAbsoluteDifferenceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml">CLKernelLibrary</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml">NENormalizationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate.xhtml">CLAccumulate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml">CLLaplacianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_array.xhtml">IArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_kernel.xhtml">CLAccumulateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml">CLLaplacianReconstruct</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml">NEConvolutionLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared.xhtml">CLAccumulateSquared</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml">CLLKInternalKeypoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml">ICLDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml">NEConvolutionLayerWeightsReshapeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_phase.xhtml">NEPhase</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml">CLAccumulateSquaredKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml">CLLKTrackerFinalizeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml">NEPixelWiseMultiplication</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted.xhtml">CLAccumulateWeighted</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml">CLLKTrackerInitKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml">ICLLut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml">NEConvolutionRectangleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">NEPixelWiseMultiplicationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml">CLAccumulateWeightedKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml">CLLKTrackerStage0Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_multi_image.xhtml">ICLMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer.xhtml">NEPoolingLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_activation_layer.xhtml">CLActivationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml">CLLKTrackerStage1Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml">CLActivationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml">CLLogits1DMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml">ICLSimple3DKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml">NEDepthConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_remap.xhtml">NERemap</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition.xhtml">CLArithmeticAddition</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml">CLLogits1DNormKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml">CLArithmeticAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml">CLLogits1DShiftExpSumKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml">CLArithmeticSubtraction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml">CLLut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_dilate.xhtml">NEDilate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml">CLArithmeticSubtractionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_lut_allocator.xhtml">CLLutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml">NEDilateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3.xhtml">NEScharr3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_array.xhtml">CLArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml">CLMagnitude</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and.xhtml">CLBitwiseAnd</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_distribution.xhtml">IDistribution</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolutionHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml">CLBitwiseAndKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml">CLMeanStdDev</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml">NEEqualizeHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolutionVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not.xhtml">CLBitwiseNot</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml">CLMeanStdDevKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_erode.xhtml">NEErode</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3.xhtml">NESobel3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml">CLBitwiseNotKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml">IHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml">NEErodeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or.xhtml">CLBitwiseOr</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml">CLMedian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml">IKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml">NEFastCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml">NESobel5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml">CLBitwiseOrKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml">CLMinMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_lut.xhtml">ILut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor.xhtml">CLBitwiseXor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml">CLMinMaxLocation</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml">ILutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml">NEFillArrayKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml">CLBitwiseXorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml">CLMinMaxLocationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_image.xhtml">Image</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml">NEFillBorder</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml">NESobel7x7</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_box3x3.xhtml">CLBox3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml">CLMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_multi_h_o_g.xhtml">IMultiHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml">CLBox3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">CLNonLinearFilter</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml">CLCannyEdge</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml">CLNonLinearFilterKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml">NEFullyConnectedLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml">NESoftmaxLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_combine.xhtml">CLChannelCombine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml">NEGaussian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_table_lookup.xhtml">NETableLookup</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml">CLChannelCombineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml">NEGaussian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml">CLChannelExtract</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml">CLNormalizationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_internal_keypoint.xhtml">InternalKeypoint</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml">NEGaussian5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_threshold.xhtml">NEThreshold</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml">CLChannelExtractKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml">IOFormatInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_coefficient_table.xhtml">CLCoefficientTable</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml">CLOldValue</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_transpose.xhtml">NETranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml">CLCol2ImKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml">NETransposeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml">CLColorConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml">CLPhase</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml">NEWarpAffine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml">CLColorConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml">CLPixelWiseMultiplication</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_K"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  K  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml">NEWarpPerspective</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml">CLPoolingLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer.xhtml">CLConvolutionLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_kernel.xhtml">Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml">NEGEMM</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml">CLConvolutionLayerWeightsReshapeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_keypoint.xhtml">Keypoint</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml">NEGEMMInterleave4x4</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_P"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  P  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_histogram_kernel.xhtml">CLHistogramKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_H"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  H  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml">NEChannelExtractKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter.xhtml">NENonLinearFilter</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml">CLIm2ColKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml">NECol2ImKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml">NENonLinearFilterKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference.xhtml">CLAbsoluteDifference</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image.xhtml">CLIntegralImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_h_o_g.xhtml">HOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml">NEColorConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml">NENonMaximaSuppression3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml">CLAbsoluteDifferenceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml">CLIntegralImageHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml">HOGInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate.xhtml">CLAccumulate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml">CLIntegralImageVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_I"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  I  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_kernel.xhtml">CLAccumulateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_kernel_library.xhtml">CLKernelLibrary</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml">NENormalizationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared.xhtml">CLAccumulateSquared</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml">CLLaplacianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_access_window.xhtml">IAccessWindow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml">NEConvolutionLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml">NENormalizationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml">CLAccumulateSquaredKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml">CLLaplacianReconstruct</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_array.xhtml">IArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml">NEConvolutionLayerWeightsReshapeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml">NEOpticalFlow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted.xhtml">CLAccumulateWeighted</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml">CLLKInternalKeypoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml">ICLArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml">NEConvolutionRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_phase.xhtml">NEPhase</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml">CLAccumulateWeightedKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml">CLLKTrackerFinalizeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_distribution1_d.xhtml">ICLDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml">NEConvolutionRectangleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml">NEPixelWiseMultiplication</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_activation_layer.xhtml">CLActivationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml">CLLKTrackerInitKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml">NEPixelWiseMultiplicationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml">CLActivationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml">CLLKTrackerStage0Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml">ICLLut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer.xhtml">NEPoolingLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition.xhtml">CLArithmeticAddition</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml">CLLKTrackerStage1Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_multi_image.xhtml">ICLMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml">NEDepthConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml">NEPoolingLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml">CLArithmeticAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml">CLLogits1DMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml">ICLSimple2DKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml">NEDepthConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_remap.xhtml">NERemap</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml">CLArithmeticSubtraction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml">CLLogits1DNormKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml">ICLSimple3DKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml">NEDerivative</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml">NERemapKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml">CLArithmeticSubtractionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml">CLLogits1DShiftExpSumKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml">ICLSimpleFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml">NEDerivativeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_array.xhtml">CLArray</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml">CLLut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml">ICLSimpleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_dilate.xhtml">NEDilate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml">NEScaleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and.xhtml">CLBitwiseAnd</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_lut_allocator.xhtml">CLLutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml">ICLTensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_dilate_kernel.xhtml">NEDilateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3.xhtml">NEScharr3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml">CLBitwiseAndKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml">CLMagnitude</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml">ICPPKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml">NEEdgeNonMaxSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml">NEScharr3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not.xhtml">CLBitwiseNot</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml">ICPPSimpleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml">NEEdgeTraceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml">NESeparableConvolutionHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml">CLBitwiseNotKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev.xhtml">CLMeanStdDev</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_distribution.xhtml">IDistribution</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml">NEEqualizeHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml">NESeparableConvolutionVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or.xhtml">CLBitwiseOr</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml">CLMeanStdDevKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_distribution1_d.xhtml">IDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_erode.xhtml">NEErode</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3.xhtml">NESobel3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml">CLBitwiseOrKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml">CLMedian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_function.xhtml">IFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_erode_kernel.xhtml">NEErodeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml">NESobel3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor.xhtml">CLBitwiseXor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml">CLMedian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml">IHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml">NEFastCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml">NESobel5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml">CLBitwiseXorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml">CLMinMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_kernel.xhtml">IKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml">NEFastCornersKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml">NESobel5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_box3x3.xhtml">CLBox3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml">CLMinMaxLocation</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_lut.xhtml">ILut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml">NEFillArrayKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml">NESobel5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml">CLBox3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml">CLMinMaxLocationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml">ILutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml">NEFillBorder</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml">NESobel7x7</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml">CLCannyEdge</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml">CLMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_image.xhtml">Image</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml">NESobel7x7HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_combine.xhtml">CLChannelCombine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml">CLNonLinearFilter</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_multi_h_o_g.xhtml">IMultiHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml">NEFillInnerBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml">NESobel7x7VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml">CLChannelCombineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml">CLNonLinearFilterKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_multi_image.xhtml">IMultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml">NEFullyConnectedLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml">NESoftmaxLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml">CLChannelExtract</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml">CLNonMaximaSuppression3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml">INEHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3.xhtml">NEGaussian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_table_lookup.xhtml">NETableLookup</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml">CLChannelExtractKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml">CLNonMaximaSuppression3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml">INESimpleFunction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml">NEGaussian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml">NETableLookupKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_coefficient_table.xhtml">CLCoefficientTable</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer.xhtml">CLNormalizationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml">INEWarpKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml">NEGaussian5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_threshold.xhtml">NEThreshold</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml">CLCol2ImKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml">CLNormalizationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_internal_keypoint.xhtml">InternalKeypoint</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml">NEGaussian5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml">NEThresholdKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml">CLColorConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml">CLOldValue</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml">IOFormatInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml">NEGaussian5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_transpose.xhtml">NETranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml">CLColorConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml">CLOpticalFlow</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_pyramid.xhtml">IPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml">NEGaussianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml">NETransposeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml">CLConvolution3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml">CLPhase</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml">NEGaussianPyramidHalf</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml">NEWarpAffine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml">CLConvolutionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml">CLPixelWiseMultiplication</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml">ITensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml">NEGaussianPyramidHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer.xhtml">CLConvolutionLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml">NEGaussianPyramidOrb</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml">NEWarpPerspective</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml">CLConvolutionLayerWeightsReshapeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml">CLPoolingLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_K"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  K  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml">NEGaussianPyramidVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml">CLConvolutionRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml">CLPoolingLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml">NEGEMM</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml">NormalizationLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml">CLPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_kernel.xhtml">Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml">NEGEMMInterleave4x4</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_P"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  P  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml">CLConvolutionRectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml">CLRemap</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_key_point.xhtml">KeyPoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml">NEGEMMInterleave4x4Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml">CLConvolutionRectangleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_L"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  L  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml">NEGEMMLowp</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">NEGEMMLowpMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_lut.xhtml">Lut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">NEGEMMMatrixAccumulateBiasesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml">CLScharr3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_lut_allocator.xhtml">LutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml">NEGEMMMatrixAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> (<a class="el" href="namespacetest__helpers.xhtml">test_helpers</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_depth_convert_kernel.xhtml">CLDepthConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_M"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  M  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml">NEGEMMMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_program.xhtml">Program</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_derivative.xhtml">CLDerivative</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml">CLScheduler</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml">NEGEMMTranspose1xW</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_h_o_g.xhtml">MultiHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml">NEGEMMTranspose1xWKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pyramid_info.xhtml">PyramidInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_dilate.xhtml">CLDilate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_image.xhtml">MultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml">NEGradientFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_R"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  R  </div></td></tr></table> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_convolution_square.xhtml">CLConvolutionSquare</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml">CLRemap</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_key_point.xhtml">KeyPoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml">NEGEMMInterleave4x4Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml">CLCopyToArrayKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml">CLRemapKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_keypoint.xhtml">Keypoint</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml">NEGEMMLowp</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml">PadStrideInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_depth_convert.xhtml">CLDepthConvert</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_L"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  L  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml">NEGEMMLowpMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pixel_value.xhtml">PixelValue</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_depth_convert_kernel.xhtml">CLDepthConvertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml">NEGEMMMatrixAccumulateBiasesKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pooling_layer_info.xhtml">PoolingLayerInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_derivative.xhtml">CLDerivative</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml">CLScharr3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_lut.xhtml">Lut</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml">NEGEMMMatrixAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> (<a class="el" href="namespacetest__helpers.xhtml">test_helpers</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_derivative_kernel.xhtml">CLDerivativeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml">CLScharr3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_lut_allocator.xhtml">LutAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml">NEGEMMMatrixMultiplyKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_program.xhtml">Program</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_dilate.xhtml">CLDilate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml">CLScheduler</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_M"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  M  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml">NEGEMMTranspose1xW</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pyramid.xhtml">Pyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml">CLDilateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml">CLSeparableConvolutionHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml">NEGEMMTranspose1xWKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_pyramid_info.xhtml">PyramidInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_distribution1_d.xhtml">CLDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml">CLSeparableConvolutionVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_h_o_g.xhtml">MultiHOG</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml">NEGradientFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_R"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  R  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_dilate_kernel.xhtml">CLDilateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml">CLSobel3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml">MultiImageInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_distribution1_d.xhtml">CLDistribution1D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_N"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  N  </div></td></tr></table> -</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml">NEHarrisCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_rectangle.xhtml">Rectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml">CLSobel5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_S"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  S  </div></td></tr></table> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml">CLSobel3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_image.xhtml">MultiImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml">NEGradientKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml">CLSobel3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml">MultiImageInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml">NEHarrisCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_rectangle.xhtml">Rectangle</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_equalize_histogram.xhtml">CLEqualizeHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5.xhtml">CLSobel5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_N"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  N  </div></td></tr></table> +</td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml">NEHarrisScoreFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_S"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  S  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml">CLEdgeTraceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml">NEAbsoluteDifference</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_equalize_histogram.xhtml">CLEqualizeHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_erode.xhtml">CLErode</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml">CLSobel7x7</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml">NEAccumulate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_steps.xhtml">Steps</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_erode_kernel.xhtml">CLErodeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_strides.xhtml">Strides</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared.xhtml">NEAccumulateSquared</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_T"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  T  </div></td></tr></table> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_erode.xhtml">CLErode</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml">CLSobel5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml">NEHarrisScoreKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_erode_kernel.xhtml">CLErodeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml">CLSobel5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml">NEAbsoluteDifference</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_size2_d.xhtml">Size2D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fast_corners.xhtml">CLFastCorners</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7.xhtml">CLSobel7x7</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_steps.xhtml">Steps</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml">CLSobel7x7HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml">NEAccumulate</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_strides.xhtml">Strides</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fill_border.xhtml">CLFillBorder</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml">CLSobel7x7VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml">NEHOGDescriptor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_T"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  T  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml">CLFastCornersKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml">CLSoftmaxLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml">NEAccumulateSquaredKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml">NEHOGDescriptor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fill_border.xhtml">CLFillBorder</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml">CLTableLookup</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml">NEAccumulateWeighted</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml">NEHOGDetector</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml">NEAccumulateWeightedFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml">NEHOGDetectorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_tensor3_d.xhtml">Tensor3D</a>   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml">CLFullyConnectedLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml">NEAccumulateWeightedKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml">CLGaussian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_activation_layer.xhtml">NEActivationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml">CLGaussian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml">CLThreshold</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">NEActivationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml">NEHOGNonMaximaSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml">NEArithmeticAddition</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_V"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  V  </div></td></tr></table> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_softmax_layer.xhtml">CLSoftmaxLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared.xhtml">NEAccumulateSquared</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml">NEHOGDetector</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml">CLFullyConnectedLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml">CLTableLookup</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml">NEAccumulateSquaredKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml">NEHOGDetectorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor.xhtml">Tensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml">CLGaussian3x3</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml">NEAccumulateWeighted</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml">NEHOGGradient</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_tensor3_d.xhtml">Tensor3D</a>   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml">CLGaussian3x3Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml">NEAccumulateWeightedFP16Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml">NEHOGMultiDetection</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml">TensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml">CLTensorAllocator</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml">NEAccumulateWeightedKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml">NEHOGNonMaximaSuppressionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml">CLGaussian5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml">CLThreshold</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_activation_layer.xhtml">NEActivationLayer</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml">CLGaussian5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml">NEActivationLayerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml">NEIm2ColKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_V"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  V  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml">CLGaussian5x5HorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml">CLTranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml">NEArithmeticAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml">NEIm2ColKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml">CLGaussian5x5VertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_transpose_kernel.xhtml">CLTransposeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml">NEArithmeticSubtraction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_integral_image.xhtml">NEIntegralImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml">CLWarpAffine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml">NEArithmeticSubtractionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_vector.xhtml">Vector</a>   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and.xhtml">NEBitwiseAnd</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml">NELaplacianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_W"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  W  </div></td></tr></table> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml">CLGaussianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml">CLTranspose</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml">NEArithmeticAddition</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_integral_image.xhtml">NEIntegralImage</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml">CLGaussianPyramidHalf</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_transpose_kernel.xhtml">CLTransposeKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml">NEArithmeticAdditionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml">NEIntegralImageKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml">CLWarpAffine</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml">NEArithmeticSubtraction</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml">NELaplacianPyramid</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_vector.xhtml">Vector</a>   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml">CLGaussianPyramidOrb</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml">NEArithmeticSubtractionKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml">NELaplacianReconstruct</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td rowspan="2" valign="bottom"><a name="letter_W"></a><table border="0" cellspacing="0" cellpadding="0"><tr><td><div class="ah">  W  </div></td></tr></table> </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml">CLGaussianPyramidHorKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml">CLWarpPerspective</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml">NEBitwiseAndKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml">NELaplacianReconstruct</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml">CLGaussianPyramidOrb</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not.xhtml">NEBitwiseNot</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml">NEBitwiseNotKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td></td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml">CLGEMM</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="struct_coordinates2_d.xhtml">Coordinates2D</a>   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or.xhtml">NEBitwiseOr</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml">NELogits1DMaxKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td></td></tr> -<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml">CLGEMMInterleave4x4Kernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_coordinates2_d.xhtml">Coordinates2D</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml">NEBitwiseOrKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml">NELogits1DNormKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td></td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml">CLGaussianPyramidVertKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml">CLWarpPerspective</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and.xhtml">NEBitwiseAnd</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> +<tr><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml">CLGEMM</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml">NEBitwiseAndKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td><td valign="top"><a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> (<a class="el" href="namespacearm__compute.xhtml">arm_compute</a>)   </td></tr> <tr><td></td><td></td><td></td><td></td><td></td></tr> </table> <div class="qindex"><a class="qindex" href="#letter_A">A</a> | <a class="qindex" href="#letter_B">B</a> | <a class="qindex" href="#letter_C">C</a> | <a class="qindex" href="#letter_D">D</a> | <a class="qindex" href="#letter_H">H</a> | <a class="qindex" href="#letter_I">I</a> | <a class="qindex" href="#letter_K">K</a> | <a class="qindex" href="#letter_L">L</a> | <a class="qindex" href="#letter_M">M</a> | <a class="qindex" href="#letter_N">N</a> | <a class="qindex" href="#letter_P">P</a> | <a class="qindex" href="#letter_R">R</a> | <a class="qindex" href="#letter_S">S</a> | <a class="qindex" href="#letter_T">T</a> | <a class="qindex" href="#letter_V">V</a> | <a class="qindex" href="#letter_W">W</a></div> @@ -230,7 +229,7 @@ $(document).ready(function(){initNavTree('classes.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/classtest__helpers_1_1_p_p_m_loader.js b/documentation/classtest__helpers_1_1_p_p_m_loader.js index 176da6d03..2044a0243 100644 --- a/documentation/classtest__helpers_1_1_p_p_m_loader.js +++ b/documentation/classtest__helpers_1_1_p_p_m_loader.js @@ -2,7 +2,7 @@ var classtest__helpers_1_1_p_p_m_loader = [ [ "PPMLoader", "classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c", null ], [ "fill_image", "classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402", null ], - [ "init_image", "classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81", null ], + [ "init_image", "classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7", null ], [ "is_open", "classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a", null ], [ "open", "classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed", null ] ];
\ No newline at end of file diff --git a/documentation/classtest__helpers_1_1_p_p_m_loader.xhtml b/documentation/classtest__helpers_1_1_p_p_m_loader.xhtml index 131d571e0..dcfb19044 100644 --- a/documentation/classtest__helpers_1_1_p_p_m_loader.xhtml +++ b/documentation/classtest__helpers_1_1_p_p_m_loader.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,10 +136,10 @@ Public Member Functions</h2></td></tr> <tr class="memitem:a2f57f54d8c03b615bb31eee091d8a88a"><td class="memItemLeft" align="right" valign="top">bool </td><td class="memItemRight" valign="bottom"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a> ()</td></tr> <tr class="memdesc:a2f57f54d8c03b615bb31eee091d8a88a"><td class="mdescLeft"> </td><td class="mdescRight">Return true if a PPM file is currently open. <a href="#a2f57f54d8c03b615bb31eee091d8a88a">More...</a><br /></td></tr> <tr class="separator:a2f57f54d8c03b615bb31eee091d8a88a"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a283b961e6ca7b117b106c8710c7cfe81"><td class="memTemplParams" colspan="2">template<typename T > </td></tr> -<tr class="memitem:a283b961e6ca7b117b106c8710c7cfe81"><td class="memTemplItemLeft" align="right" valign="top">void </td><td class="memTemplItemRight" valign="bottom"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a> (T &image, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</td></tr> -<tr class="memdesc:a283b961e6ca7b117b106c8710c7cfe81"><td class="mdescLeft"> </td><td class="mdescRight">Initialise an image's metadata with the dimensions of the PPM file currently open. <a href="#a283b961e6ca7b117b106c8710c7cfe81">More...</a><br /></td></tr> -<tr class="separator:a283b961e6ca7b117b106c8710c7cfe81"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a69f2a0e263d4f77d1e166de9cd2746f7"><td class="memTemplParams" colspan="2">template<typename T > </td></tr> +<tr class="memitem:a69f2a0e263d4f77d1e166de9cd2746f7"><td class="memTemplItemLeft" align="right" valign="top">void </td><td class="memTemplItemRight" valign="bottom"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a> (T &image, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a> format)</td></tr> +<tr class="memdesc:a69f2a0e263d4f77d1e166de9cd2746f7"><td class="mdescLeft"> </td><td class="mdescRight">Initialise an image's metadata with the dimensions of the PPM file currently open. <a href="#a69f2a0e263d4f77d1e166de9cd2746f7">More...</a><br /></td></tr> +<tr class="separator:a69f2a0e263d4f77d1e166de9cd2746f7"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a1672610b872bef30d0dc2333a0ffc402"><td class="memTemplParams" colspan="2">template<typename T > </td></tr> <tr class="memitem:a1672610b872bef30d0dc2333a0ffc402"><td class="memTemplItemLeft" align="right" valign="top">void </td><td class="memTemplItemRight" valign="bottom"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a> (T &image)</td></tr> <tr class="memdesc:a1672610b872bef30d0dc2333a0ffc402"><td class="mdescLeft"> </td><td class="mdescRight">Fill an image with the content of the currently open PPM file. <a href="#a1672610b872bef30d0dc2333a0ffc402">More...</a><br /></td></tr> @@ -148,7 +148,7 @@ Public Member Functions</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Class to load the content of a PPM file into an <a class="el" href="struct_image.xhtml" title="Structure to hold Image information. ">Image</a>. </p> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00083">83</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00081">81</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="a49afa04c8a5fd9ead48e07440b37294c"></a> <div class="memitem"> @@ -171,8 +171,8 @@ Public Member Functions</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00086">86</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  : _fs(), _width(0), _height(0)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  }</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00084">84</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  : _fs(), _width(0), _height(0)</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  {</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div></div><!-- fragment --> </div> </div> <h2 class="groupheader">Member Function Documentation</h2> @@ -207,28 +207,32 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">142</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">140</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> -<p>References <a class="el" href="_error_8h_source.xhtml#l00031">ARM_COMPUTE_ERROR</a>, <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="_validate_8h_source.xhtml#l00215">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>, <a class="el" href="_error_8h_source.xhtml#l00091">ARM_COMPUTE_ERROR_ON_MSG</a>, <a class="el" href="_error_8h_source.xhtml#l00049">ARM_COMPUTE_UNUSED</a>, <a class="el" href="_window_8h_source.xhtml#l00043">Window::DimX</a>, <a class="el" href="_window_8h_source.xhtml#l00045">Window::DimY</a>, <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop()</a>, <a class="el" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">Iterator::ptr()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, <a class="el" href="_window_8inl_source.xhtml#l00040">Window::set()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> +<p>References <a class="el" href="_error_8h_source.xhtml#l00031">ARM_COMPUTE_ERROR</a>, <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="_validate_8h_source.xhtml#l00215">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>, <a class="el" href="_error_8h_source.xhtml#l00091">ARM_COMPUTE_ERROR_ON_MSG</a>, <a class="el" href="_error_8h_source.xhtml#l00049">ARM_COMPUTE_UNUSED</a>, <a class="el" href="_window_8h_source.xhtml#l00043">Window::DimX</a>, <a class="el" href="_window_8h_source.xhtml#l00045">Window::DimY</a>, <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">Iterator::ptr()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, <a class="el" href="_window_8inl_source.xhtml#l00040">Window::set()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>.</p> -<div class="fragment"><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  {</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(image.info()->dimension(0) != _width || image.info()->dimension(1) != _height);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&image, Format::U8, Format::RGB888);</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  {</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a>>::value)</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  {</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  image.map();</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  }</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="comment">// Check if the file is large enough to fill the image</span></div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> current_position = _fs.tellg();</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  _fs.seekg(0, std::ios_base::end);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> end_position = _fs.tellg();</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  _fs.seekg(current_position, std::ios_base::beg);</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> </div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>((end_position - current_position) < image.info()->tensor_shape().total_size() * image.info()->element_size(),</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <span class="stringliteral">"Not enough data in file"</span>);</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(end_position);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> </div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">switch</span>(image.info()->format())</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  {</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="keywordflow">case</span> Format::U8:</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  {</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="comment">// We need to convert the data from RGB to grayscale:</span></div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="comment">// Iterate through every pixel of the image</span></div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimX, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _width, 1));</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimY, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> </div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> out(&image, window);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span> </div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> red = 0;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> green = 0;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> blue = 0;</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> </div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  {</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  red = _fs.get();</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  green = _fs.get();</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  blue = _fs.get();</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> </div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  *out.ptr() = 0.2126f * red + 0.7152f * green + 0.0722f * blue;</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span>  },</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  out);</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> </div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  }</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  <span class="keywordflow">case</span> Format::RGB888:</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  {</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <span class="comment">// There is no format conversion needed: we can simply copy the content of the input file to the image one row at the time.</span></div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <span class="comment">// Create a vertical window to iterate through the image's rows:</span></div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimY, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> </div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> out(&image, window);</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> </div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  {</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <span class="comment">// Copy one row from the input file to the current row of the image:</span></div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  _fs.read(reinterpret_cast<std::fstream::char_type *>(out.ptr()), _width * image.info()->element_size());</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span>  },</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  out);</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span> </div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  }</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  }</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> </div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  {</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  image.unmap();</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  }</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  }</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  {</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Loading PPM file: %s"</span>, e.what());</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="fragment"><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  {</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(image.info()->dimension(0) != _width || image.info()->dimension(1) != _height);</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&image, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLImage</a>>::value)</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  {</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  image.map();</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  }</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="comment">// Check if the file is large enough to fill the image</span></div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> current_position = _fs.tellg();</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  _fs.seekg(0, std::ios_base::end);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> end_position = _fs.tellg();</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  _fs.seekg(current_position, std::ios_base::beg);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span> </div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>((end_position - current_position) < image.info()->tensor_shape().total_size() * image.info()->element_size(),</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <span class="stringliteral">"Not enough data in file"</span>);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(end_position);</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> </div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">switch</span>(image.info()->format())</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  {</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>:</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  {</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="comment">// We need to convert the data from RGB to grayscale:</span></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="comment">// Iterate through every pixel of the image</span></div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _width, 1));</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> out(&image, window);</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> </div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> red = 0;</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> green = 0;</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> blue = 0;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> </div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  {</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  red = _fs.get();</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  green = _fs.get();</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  blue = _fs.get();</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> </div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  *out.ptr() = 0.2126f * red + 0.7152f * green + 0.0722f * blue;</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  },</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  out);</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> </div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  }</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>:</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  {</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  <span class="comment">// There is no format conversion needed: we can simply copy the content of the input file to the image one row at the time.</span></div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  <span class="comment">// Create a vertical window to iterate through the image's rows:</span></div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span> </div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> out(&image, window);</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> </div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span>  {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="comment">// Copy one row from the input file to the current row of the image:</span></div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  _fs.read(reinterpret_cast<std::fstream::char_type *>(out.ptr()), _width * image.info()->element_size());</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  },</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  out);</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> </div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  }</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  }</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  {</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  image.unmap();</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  }</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  }</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  {</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Loading PPM file: %s"</span>, e.what());</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  }</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="_validate_8h_xhtml_a0d34a8aa07600727e4e5034c7cdad47d"><div class="ttname"><a href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(t,...)</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00215">Validate.h:215</a></div></div> <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_1_1_dimension_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a></div><div class="ttdoc">Describe one of the image&#39;s dimensions with a start, end and step. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00068">Window.h:68</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> +<div class="ttc" id="classarm__compute_1_1_window_xhtml_aa96e81276ee4f87ab386cd05a5539a7d"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a></div><div class="ttdeci">static constexpr size_t DimX</div><div class="ttdoc">Alias for dimension 0 also known as X dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00043">Window.h:43</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a78fd1c0056e9add7ab01b8e118c0038d"><div class="ttname"><a href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a></div><div class="ttdeci">void execute_window_loop(const Window &w, L &&lambda_function, Ts &&...iterators)</div><div class="ttdoc">Iterate through the passed window, automatically adjusting the iterators and calling the lambda_funct...</div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_acd3d2bba51cb84d34dd7656ad2375a6e"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">arm_compute::Window::set</a></div><div class="ttdeci">void set(size_t dimension, const Dimension &dim)</div><div class="ttdoc">Set the values of a given dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8inl_source.xhtml#l00040">Window.inl:40</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_window_xhtml_ad2d402364fa822b0b7775081291eeca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a></div><div class="ttdeci">static constexpr size_t DimY</div><div class="ttdoc">Alias for dimension 1 also known as Y dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00045">Window.h:45</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="_error_8h_xhtml_a5bbdcf574d3f5e412fa6a1117911e67b"><div class="ttname"><a href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_MSG(cond,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00091">Error.h:91</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --> </div> </div> -<a class="anchor" id="a283b961e6ca7b117b106c8710c7cfe81"></a> +<a class="anchor" id="a69f2a0e263d4f77d1e166de9cd2746f7"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -244,7 +248,7 @@ Public Member Functions</h2></td></tr> <tr> <td class="paramkey"></td> <td></td> - <td class="paramtype"><a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> </td> + <td class="paramtype"><a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a> </td> <td class="paramname"><em>format</em> </td> </tr> <tr> @@ -269,13 +273,15 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">125</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">123</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> -<p>References <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> +<p>References <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>.</p> -<div class="fragment"><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  {</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(format != Format::RGB888 && format != Format::U8);</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="comment">// Use the size of the input PPM image</span></div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> image_info(_width, _height, format);</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  image.allocator()->init(image_info);</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="fragment"><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  {</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a> && format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> </div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="comment">// Use the size of the input PPM image</span></div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a> image_info(_width, _height, format);</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  image.allocator()->init(image_info);</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> </div><!-- fragment --> </div> @@ -303,10 +309,10 @@ Public Member Functions</h2></td></tr> <p>Return true if a PPM file is currently open. </p> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">114</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">112</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> -<p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>.</p> -<div class="fragment"><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> _fs.is_open();</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  }</div></div><!-- fragment --> +<p>Referenced by <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>.</p> +<div class="fragment"><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  {</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordflow">return</span> _fs.is_open();</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a36e58f3e64f3851ebac7a9556b4704ed"></a> @@ -339,15 +345,15 @@ Public Member Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">94</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">92</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> -<p>References <a class="el" href="_error_8h_source.xhtml#l00031">ARM_COMPUTE_ERROR</a>, <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="_error_8h_source.xhtml#l00091">ARM_COMPUTE_ERROR_ON_MSG</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00136">test_helpers::parse_ppm_header()</a>.</p> +<p>References <a class="el" href="_error_8h_source.xhtml#l00031">ARM_COMPUTE_ERROR</a>, <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="_error_8h_source.xhtml#l00091">ARM_COMPUTE_ERROR_ON_MSG</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00138">test_helpers::parse_ppm_header()</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>.</p> -<div class="fragment"><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  {</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  {</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  _fs.exceptions(std::ifstream::failbit | std::ifstream::badbit);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  _fs.open(ppm_filename, std::ios::in | std::ios::binary);</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  std::tie(_width, _height, max_val) = <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(_fs);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(max_val >= 256, <span class="stringliteral">"2 bytes per colour channel not supported in file %s"</span>, ppm_filename.c_str());</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  {</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Accessing %s: %s"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  }</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="fragment"><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  {</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  {</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  _fs.exceptions(std::ifstream::failbit | std::ifstream::badbit);</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  _fs.open(ppm_filename, std::ios::in | std::ios::binary);</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  std::tie(_width, _height, max_val) = <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(_fs);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(max_val >= 256, <span class="stringliteral">"2 bytes per colour channel not supported in file %s"</span>, ppm_filename.c_str());</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  }</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  {</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Accessing %s: %s"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  }</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00136">Utils.cpp:136</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00138">Utils.cpp:138</a></div></div> <div class="ttc" id="_error_8h_xhtml_a5bbdcf574d3f5e412fa6a1117911e67b"><div class="ttname"><a href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_MSG(cond,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00091">Error.h:91</a></div></div> </div><!-- fragment --> </div> @@ -361,7 +367,7 @@ Public Member Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacetest__helpers.xhtml">test_helpers</a></li><li class="navelem"><a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/color__convert_8cl.xhtml b/documentation/color__convert_8cl.xhtml index 730c121c0..f11a8f470 100644 --- a/documentation/color__convert_8cl.xhtml +++ b/documentation/color__convert_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -5186,7 +5186,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="color__convert_8cl.xhtml">color_convert.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/color__convert_8cl_source.xhtml b/documentation/color__convert_8cl_source.xhtml index bb378a48f..6eb4bd90a 100644 --- a/documentation/color__convert_8cl_source.xhtml +++ b/documentation/color__convert_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -155,7 +155,7 @@ $(document).ready(function(){initNavTree('color__convert_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="color__convert_8cl.xhtml">color_convert.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution3x3_8cl.xhtml b/documentation/convolution3x3_8cl.xhtml index a4a01170f..2d970c21a 100644 --- a/documentation/convolution3x3_8cl.xhtml +++ b/documentation/convolution3x3_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -155,7 +155,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="convolution3x3_8cl_source.xhtml#l00027">27</a> of file <a class="el" href="convolution3x3_8cl_source.xhtml">convolution3x3.cl</a>.</p> -<p>Referenced by <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00080">bilinear_interpolate()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00043">convolution1x3()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00082">convolution3x3()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00138">harris_score_1x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00253">harris_score_1x7()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00208">im2col_reduced()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00045">magnitude_l2()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00045">read_texels4()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, and <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>.</p> +<p>Referenced by <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00080">bilinear_interpolate()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00043">convolution1x3()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00082">convolution3x3()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00138">harris_score_1x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00253">harris_score_1x7()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00203">im2col_reduced()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00045">magnitude_l2()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00045">read_texels4()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, and <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>.</p> </div> </div> @@ -489,7 +489,7 @@ e.g. -DMAT0=1 -DMAT2=2, ...-DMAT8=8, -DSCALE=1, -DDATA_TYPE=int, -DDATA_TYPE_OUT <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution3x3_8cl.xhtml">convolution3x3.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution3x3_8cl_source.xhtml b/documentation/convolution3x3_8cl_source.xhtml index b997ad2b6..088e292f8 100644 --- a/documentation/convolution3x3_8cl_source.xhtml +++ b/documentation/convolution3x3_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('convolution3x3_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution3x3_8cl.xhtml">convolution3x3.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution5x5_8cl.xhtml b/documentation/convolution5x5_8cl.xhtml index 639124019..ef775bf15 100644 --- a/documentation/convolution5x5_8cl.xhtml +++ b/documentation/convolution5x5_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -939,7 +939,7 @@ e.g. -DMAT5=1 -DMAT6=2, -DMAT7=3, -DMAT8=4, -DMAT9=5, -DSCALE=6, -DCOMPUTE_TYPE= <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution5x5_8cl.xhtml">convolution5x5.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution5x5_8cl_source.xhtml b/documentation/convolution5x5_8cl_source.xhtml index 4d274379b..14c9a3b90 100644 --- a/documentation/convolution5x5_8cl_source.xhtml +++ b/documentation/convolution5x5_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('convolution5x5_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution5x5_8cl.xhtml">convolution5x5.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution7x7_8cl.xhtml b/documentation/convolution7x7_8cl.xhtml index 08b3272f3..65a7d075e 100644 --- a/documentation/convolution7x7_8cl.xhtml +++ b/documentation/convolution7x7_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -1136,7 +1136,7 @@ e.g. -DMAT0=7 -DMAT1=8, ... -DMAT24=13, -DSCALE=6, -DCOMPUTE_TYPE=int, -DDATA_TY <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution7x7_8cl.xhtml">convolution7x7.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution7x7_8cl_source.xhtml b/documentation/convolution7x7_8cl_source.xhtml index 0a116e17d..5fd1762e0 100644 --- a/documentation/convolution7x7_8cl_source.xhtml +++ b/documentation/convolution7x7_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('convolution7x7_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution7x7_8cl.xhtml">convolution7x7.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution9x9_8cl.xhtml b/documentation/convolution9x9_8cl.xhtml index e8bc79b97..bc25dbc5a 100644 --- a/documentation/convolution9x9_8cl.xhtml +++ b/documentation/convolution9x9_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -1389,7 +1389,7 @@ e.g. -DMAT9=9 -DMAT10=10, ... -DMAT17=17, -DSCALE=6, -DCOMPUTE_TYPE=int, -DDATA_ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution9x9_8cl.xhtml">convolution9x9.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution9x9_8cl_source.xhtml b/documentation/convolution9x9_8cl_source.xhtml index 3b8fe5533..2651e4a83 100644 --- a/documentation/convolution9x9_8cl_source.xhtml +++ b/documentation/convolution9x9_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('convolution9x9_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution9x9_8cl.xhtml">convolution9x9.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution__layer_8cl.xhtml b/documentation/convolution__layer_8cl.xhtml index 089dcf85d..d2d3b3f26 100644 --- a/documentation/convolution__layer_8cl.xhtml +++ b/documentation/convolution__layer_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -263,10 +263,10 @@ Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">175</a> of file <a class="el" href="convolution__layer_8cl_source.xhtml">convolution_layer.cl</a>.</p> +<p>Definition at line <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">170</a> of file <a class="el" href="convolution__layer_8cl_source.xhtml">convolution_layer.cl</a>.</p> <p>References <a class="el" href="helpers_8h_source.xhtml#l00073">CONVERT_TO_IMAGE_STRUCT</a>, <a class="el" href="helpers_8h_source.xhtml#l00083">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00027">DATA_TYPE</a>, <a class="el" href="helpers_8h_source.xhtml#l00097">Image::ptr</a>, <a class="el" href="helpers_8h_source.xhtml#l00106">Tensor3D::ptr</a>, <a class="el" href="helpers_8h_source.xhtml#l00108">Tensor3D::stride_x</a>, <a class="el" href="helpers_8h_source.xhtml#l00109">Tensor3D::stride_y</a>, and <a class="el" href="helpers_8h_source.xhtml#l00110">Tensor3D::stride_z</a>.</p> -<div class="fragment"><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> {</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> dst = <a class="code" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> </div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * dst.<a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a> + (get_global_id(1) / width) * dst.<a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + (get_global_id(1) % width) * dst.<a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>));</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span> }</div><div class="ttc" id="convolution3x3_8cl_xhtml_afb8c72ce35c4a1f4a2588d6573e54aa1"><div class="ttname"><a href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a></div><div class="ttdeci">#define DATA_TYPE</div><div class="ttdef"><b>Definition:</b> <a href="convolution3x3_8cl_source.xhtml#l00027">convolution3x3.cl:27</a></div></div> +<div class="fragment"><div class="line"><a name="l00174"></a><span class="lineno"> 174</span> {</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> dst = <a class="code" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span> </div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * dst.<a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a> + (get_global_id(1) / width) * dst.<a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + (get_global_id(1) % width) * dst.<a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>));</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> }</div><div class="ttc" id="convolution3x3_8cl_xhtml_afb8c72ce35c4a1f4a2588d6573e54aa1"><div class="ttname"><a href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a></div><div class="ttdeci">#define DATA_TYPE</div><div class="ttdef"><b>Definition:</b> <a href="convolution3x3_8cl_source.xhtml#l00027">convolution3x3.cl:27</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_ad5ff7a2b2bd0eec50fe09c254b127d1c"><div class="ttname"><a href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">Tensor3D::stride_z</a></div><div class="ttdeci">int stride_z</div><div class="ttdoc">Stride of the image in Z dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00110">helpers.h:110</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Tensor3D::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00108">helpers.h:108</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml"><div class="ttname"><a href="struct_tensor3_d.xhtml">Tensor3D</a></div><div class="ttdoc">Structure to hold 3D tensor information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00104">helpers.h:104</a></div></div> @@ -444,7 +444,7 @@ In case biases will be added to the convolution -DHAS_BIAS has to be passed to a <p>Definition at line <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">105</a> of file <a class="el" href="convolution__layer_8cl_source.xhtml">convolution_layer.cl</a>.</p> <p>References <a class="el" href="helpers_8h_source.xhtml#l00076">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a>, <a class="el" href="helpers_8h_source.xhtml#l00079">CONVERT_TO_TENSOR3D_STRUCT</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00027">DATA_TYPE</a>, <a class="el" href="helpers_8h_source.xhtml#l00097">Image::ptr</a>, <a class="el" href="helpers_8h_source.xhtml#l00099">Image::stride_x</a>, <a class="el" href="helpers_8h_source.xhtml#l00100">Image::stride_y</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> -<div class="fragment"><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> {</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="comment">// Kernel radius</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">int</span> KH = kernel_size >> 1;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> </div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="comment">// Determine output index</span></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.<a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="comment">// Determine current input index</span></div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> wi = get_global_id(0) * strides.x - paddings.x;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> hi = get_global_id(1) * strides.y - paddings.y;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> </div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="comment">// Linearize convolution elements</span></div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> d = 0; d < kernel_depth; ++d)</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  {</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <span class="keywordtype">int</span> cur_h = hi;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> h = -KH; h <= KH; ++h, ++cur_h)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordtype">int</span> cur_w = wi;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> w = -KH; w <= KH; ++w, ++cur_w)</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  {</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordflow">if</span>(((cur_w < 0) || (cur_w >= input_dims.x)) || ((cur_h < 0) || (cur_h >= input_dims.y)))</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = 0;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  {</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(&src, w, h, d)));</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  }</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  tmp_out_ptr += dst.<a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  }</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  }</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  }</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)(1);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> +<div class="fragment"><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> {</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="comment">// Determine output index</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.<a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  __global uchar *output_ptr = dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="comment">// Determine current input index</span></div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> top_left_x = get_global_id(0) * strides.x - paddings.x;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> top_left_y = get_global_id(1) * strides.y - paddings.y;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span> </div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="comment">// Linearize convolution elements</span></div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> d = 0; d < kernel_depth; ++d)</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  {</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> y = top_left_y, y_e = top_left_y + kernel_size; y < y_e; ++y)</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  {</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> x = top_left_x, x_e = top_left_x + kernel_size; x < x_e; ++x, output_ptr += dst.<a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>)</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  {</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">if</span>(x < 0 || x >= input_dims.x || y < 0 || y >= input_dims.y)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = 0;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  }</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  {</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(&src, x, y, d)));</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  }</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  }</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  }</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> </div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = 1;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> <div class="ttc" id="convolution3x3_8cl_xhtml_afb8c72ce35c4a1f4a2588d6573e54aa1"><div class="ttname"><a href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a></div><div class="ttdeci">#define DATA_TYPE</div><div class="ttdef"><b>Definition:</b> <a href="convolution3x3_8cl_source.xhtml#l00027">convolution3x3.cl:27</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a4334a4a76f8e9628c0fb9e1acf616e2a"><div class="ttname"><a href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a></div><div class="ttdeci">#define CONVERT_TO_IMAGE_STRUCT_NO_STEP(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00076">helpers.h:76</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml"><div class="ttname"><a href="struct_tensor3_d.xhtml">Tensor3D</a></div><div class="ttdoc">Structure to hold 3D tensor information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00104">helpers.h:104</a></div></div> @@ -576,10 +576,10 @@ In case biases will be added in late stage, -DHAS_BIAS has to be passed to appen </dd> </dl> -<p>Definition at line <a class="el" href="convolution__layer_8cl_source.xhtml#l00208">208</a> of file <a class="el" href="convolution__layer_8cl_source.xhtml">convolution_layer.cl</a>.</p> +<p>Definition at line <a class="el" href="convolution__layer_8cl_source.xhtml#l00203">203</a> of file <a class="el" href="convolution__layer_8cl_source.xhtml">convolution_layer.cl</a>.</p> <p>References <a class="el" href="helpers_8h_source.xhtml#l00079">CONVERT_TO_TENSOR3D_STRUCT</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00027">DATA_TYPE</a>, and <a class="el" href="helpers_8h_source.xhtml#l00106">Tensor3D::ptr</a>.</p> -<div class="fragment"><div class="line"><a name="l00212"></a><span class="lineno"> 212</span> {</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> </div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keyword">const</span> uint image_size = width * height;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> </div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + (get_global_id(0) + get_global_id(1) * width + get_global_id(2) * image_size) * dst_stride_x;</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> </div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.ptr);</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> </div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  {</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  tmp_out_ptr += dst_stride_x;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)1;</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> +<div class="fragment"><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> {</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span> </div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keyword">const</span> uint image_size = width * height;</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span> </div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + (get_global_id(0) + get_global_id(1) * width + get_global_id(2) * image_size) * dst_stride_x;</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.ptr);</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> </div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  {</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  tmp_out_ptr += dst_stride_x;</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)1;</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  }</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> <div class="ttc" id="convolution3x3_8cl_xhtml_afb8c72ce35c4a1f4a2588d6573e54aa1"><div class="ttname"><a href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a></div><div class="ttdeci">#define DATA_TYPE</div><div class="ttdef"><b>Definition:</b> <a href="convolution3x3_8cl_source.xhtml#l00027">convolution3x3.cl:27</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml"><div class="ttname"><a href="struct_tensor3_d.xhtml">Tensor3D</a></div><div class="ttdoc">Structure to hold 3D tensor information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00104">helpers.h:104</a></div></div> </div><!-- fragment --> @@ -775,7 +775,7 @@ In case biases will be added in late stage, -DHAS_BIAS has to be passed to appen <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution__layer_8cl.xhtml">convolution_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution__layer_8cl_source.xhtml b/documentation/convolution__layer_8cl_source.xhtml index e1519739f..1f1968288 100644 --- a/documentation/convolution__layer_8cl_source.xhtml +++ b/documentation/convolution__layer_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('convolution__layer_8cl_source.xhtml',' <div class="title">convolution_layer.cl</div> </div> </div><!--header--> <div class="contents"> -<a href="convolution__layer_8cl.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="helpers_8h.xhtml">helpers.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00053"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#a229c10cbfba415bce4cc33d4530bfbd0"> 53</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#a229c10cbfba415bce4cc33d4530bfbd0">reshape_to_columns</a>(</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> #<span class="keywordflow">if</span> defined HAS_BIAS</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(bias),</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> #endif</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  uint width, uint height)</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + get_global_id(0) * dst_stride_y</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  + get_global_id(1) * width * dst_stride_y + get_global_id(2) * width * height * dst_stride_y;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  {</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  tmp_out_ptr += dst_stride_y;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(bias_ptr + bias_offset_first_element_in_bytes));</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> }</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#afaddfccc926506181141b2dc86cb73f1"> 105</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#afaddfccc926506181141b2dc86cb73f1">im2col_generic</a>(</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordtype">int</span> kernel_size,</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordtype">int</span> kernel_depth,</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">int</span> width,</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  int2 input_dims,</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  int2 strides,</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  int2 paddings)</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> {</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="comment">// Kernel radius</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  <span class="keywordtype">int</span> KH = kernel_size >> 1;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> </div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  <span class="comment">// Determine output index</span></div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.<a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="comment">// Determine current input index</span></div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> wi = get_global_id(0) * strides.x - paddings.x;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> hi = get_global_id(1) * strides.y - paddings.y;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span> </div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="comment">// Linearize convolution elements</span></div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> d = 0; d < kernel_depth; ++d)</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  {</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  <span class="keywordtype">int</span> cur_h = hi;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> h = -KH; h <= KH; ++h, ++cur_h)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  <span class="keywordtype">int</span> cur_w = wi;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> w = -KH; w <= KH; ++w, ++cur_w)</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  {</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="keywordflow">if</span>(((cur_w < 0) || (cur_w >= input_dims.x)) || ((cur_h < 0) || (cur_h >= input_dims.y)))</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = 0;</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  {</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(&src, w, h, d)));</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  }</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  tmp_out_ptr += dst.<a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  }</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  }</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  }</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)(1);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> }</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span> </div><div class="line"><a name="l00175"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf"> 175</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf">col2im</a>(</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(dst),</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  uint width)</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> {</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> dst = <a class="code" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> </div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * dst.<a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a> + (get_global_id(1) / width) * dst.<a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + (get_global_id(1) % width) * dst.<a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>));</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span> }</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> </div><div class="line"><a name="l00208"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c"> 208</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c">im2col_reduced</a>(</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(dst),</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  uint width, uint height)</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span> {</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> </div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keyword">const</span> uint image_size = width * height;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> </div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + (get_global_id(0) + get_global_id(1) * width + get_global_id(2) * image_size) * dst_stride_x;</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> </div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> </div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  {</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  tmp_out_ptr += dst_stride_x;</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)1;</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> -<div class="ttc" id="convolution__layer_8cl_xhtml_af11bad06b2f7c26cc6ee2f93add5dcbf"><div class="ttname"><a href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf">col2im</a></div><div class="ttdeci">__kernel void col2im(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_stride_z, uint dst_step_z, uint dst_offset_first_element_in_bytes, uint width)</div><div class="ttdoc">This kernel performs a reshaping of the output of the convolution layer. </div><div class="ttdef"><b>Definition:</b> <a href="convolution__layer_8cl_source.xhtml#l00175">convolution_layer.cl:175</a></div></div> +<a href="convolution__layer_8cl.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="helpers_8h.xhtml">helpers.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00053"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#a229c10cbfba415bce4cc33d4530bfbd0"> 53</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#a229c10cbfba415bce4cc33d4530bfbd0">reshape_to_columns</a>(</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> #<span class="keywordflow">if</span> defined HAS_BIAS</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(bias),</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> #endif</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  uint width, uint height)</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + get_global_id(0) * dst_stride_y</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  + get_global_id(1) * width * dst_stride_y + get_global_id(2) * width * height * dst_stride_y;</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> </div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  {</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  tmp_out_ptr += dst_stride_y;</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(bias_ptr + bias_offset_first_element_in_bytes));</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  }</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> }</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#afaddfccc926506181141b2dc86cb73f1"> 105</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#afaddfccc926506181141b2dc86cb73f1">im2col_generic</a>(</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  <span class="keywordtype">int</span> kernel_size,</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordtype">int</span> kernel_depth,</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordtype">int</span> width,</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  int2 input_dims,</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  int2 strides,</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  int2 paddings)</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span> {</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="comment">// Determine output index</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.<a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  __global uchar *output_ptr = dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="comment">// Determine current input index</span></div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> top_left_x = get_global_id(0) * strides.x - paddings.x;</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> top_left_y = get_global_id(1) * strides.y - paddings.y;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span> </div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <span class="comment">// Linearize convolution elements</span></div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> d = 0; d < kernel_depth; ++d)</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  {</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> y = top_left_y, y_e = top_left_y + kernel_size; y < y_e; ++y)</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  {</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="keywordflow">for</span>(<span class="keywordtype">int</span> x = top_left_x, x_e = top_left_x + kernel_size; x < x_e; ++x, output_ptr += dst.<a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>)</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  {</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  <span class="keywordflow">if</span>(x < 0 || x >= input_dims.x || y < 0 || y >= input_dims.y)</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = 0;</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span>  }</div><div class="line"><a name="l00137"></a><span class="lineno"> 137</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  {</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(&src, x, y, d)));</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  }</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  }</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  }</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span> </div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)output_ptr) = 1;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> }</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> </div><div class="line"><a name="l00170"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf"> 170</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf">col2im</a>(</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(dst),</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  uint width)</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span> {</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> dst = <a class="code" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a>(dst);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span> </div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * dst.<a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a> + (get_global_id(1) / width) * dst.<a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + (get_global_id(1) % width) * dst.<a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  __global uchar *tmp_out_ptr = dst.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + idx;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)(src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>));</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> }</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> </div><div class="line"><a name="l00203"></a><span class="lineno"><a class="line" href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c"> 203</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c">im2col_reduced</a>(</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <a class="code" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a>(src),</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(dst),</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  uint width, uint height)</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> {</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> src = <a class="code" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a>(src);</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span> </div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keyword">const</span> uint image_size = width * height;</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span> </div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  __global uchar *tmp_out_ptr = dst_ptr + dst_offset_first_element_in_bytes + (get_global_id(0) + get_global_id(1) * width + get_global_id(2) * image_size) * dst_stride_x;</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)src.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> </div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> <span class="preprocessor">#if defined HAS_BIAS</span></div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="comment">// If it is the last thread in the 3 dimensional workgroup</span></div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordflow">if</span>(get_global_id(0) == (get_global_size(0) - 1) && get_global_id(1) == (get_global_size(1) - 1) && get_global_id(2) == (get_global_size(2) - 1))</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  {</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  tmp_out_ptr += dst_stride_x;</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  *((__global <a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a> *)tmp_out_ptr) = (<a class="code" href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a>)1;</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  }</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> }</div><div class="ttc" id="helpers_8h_xhtml_a31c8c760f08fb1a331b16b7c204321dc"><div class="ttname"><a href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc">CONVERT_TO_TENSOR3D_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00079">helpers.h:79</a></div></div> +<div class="ttc" id="convolution__layer_8cl_xhtml_af11bad06b2f7c26cc6ee2f93add5dcbf"><div class="ttname"><a href="convolution__layer_8cl.xhtml#af11bad06b2f7c26cc6ee2f93add5dcbf">col2im</a></div><div class="ttdeci">__kernel void col2im(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_stride_z, uint dst_step_z, uint dst_offset_first_element_in_bytes, uint width)</div><div class="ttdoc">This kernel performs a reshaping of the output of the convolution layer. </div><div class="ttdef"><b>Definition:</b> <a href="convolution__layer_8cl_source.xhtml#l00170">convolution_layer.cl:170</a></div></div> <div class="ttc" id="convolution3x3_8cl_xhtml_afb8c72ce35c4a1f4a2588d6573e54aa1"><div class="ttname"><a href="convolution3x3_8cl.xhtml#afb8c72ce35c4a1f4a2588d6573e54aa1">DATA_TYPE</a></div><div class="ttdeci">#define DATA_TYPE</div><div class="ttdef"><b>Definition:</b> <a href="convolution3x3_8cl_source.xhtml#l00027">convolution3x3.cl:27</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_ad5ff7a2b2bd0eec50fe09c254b127d1c"><div class="ttname"><a href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">Tensor3D::stride_z</a></div><div class="ttdeci">int stride_z</div><div class="ttdoc">Stride of the image in Z dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00110">helpers.h:110</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a4334a4a76f8e9628c0fb9e1acf616e2a"><div class="ttname"><a href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a">CONVERT_TO_IMAGE_STRUCT_NO_STEP</a></div><div class="ttdeci">#define CONVERT_TO_IMAGE_STRUCT_NO_STEP(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00076">helpers.h:76</a></div></div> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('convolution__layer_8cl_source.xhtml',' <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a6b83038822d1ae7ab619b684ed3b7fc0"><div class="ttname"><a href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0">TENSOR3D_DECLARATION</a></div><div class="ttdeci">#define TENSOR3D_DECLARATION(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00057">helpers.h:57</a></div></div> <div class="ttc" id="struct_image_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">Image::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00097">helpers.h:97</a></div></div> -<div class="ttc" id="convolution__layer_8cl_xhtml_a6f31f2c8d606e1b57d9bdfacd416024c"><div class="ttname"><a href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c">im2col_reduced</a></div><div class="ttdeci">__kernel void im2col_reduced(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_stride_z, uint src_step_z, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_offset_first_element_in_bytes, uint width, uint height)</div><div class="ttdoc">This kernel reshapes the tensor&#39;s low three dimensions to single row for GEMM operation. </div><div class="ttdef"><b>Definition:</b> <a href="convolution__layer_8cl_source.xhtml#l00208">convolution_layer.cl:208</a></div></div> +<div class="ttc" id="convolution__layer_8cl_xhtml_a6f31f2c8d606e1b57d9bdfacd416024c"><div class="ttname"><a href="convolution__layer_8cl.xhtml#a6f31f2c8d606e1b57d9bdfacd416024c">im2col_reduced</a></div><div class="ttdeci">__kernel void im2col_reduced(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_stride_z, uint src_step_z, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_offset_first_element_in_bytes, uint width, uint height)</div><div class="ttdoc">This kernel reshapes the tensor&#39;s low three dimensions to single row for GEMM operation. </div><div class="ttdef"><b>Definition:</b> <a href="convolution__layer_8cl_source.xhtml#l00203">convolution_layer.cl:203</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a79e8e562daa6599317d2d1cd86ef1bf2"><div class="ttname"><a href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2">CONVERT_TO_TENSOR3D_STRUCT_NO_STEP</a></div><div class="ttdeci">#define CONVERT_TO_TENSOR3D_STRUCT_NO_STEP(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00083">helpers.h:83</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">Tensor3D::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00106">helpers.h:106</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_a4f0b90c9ecd6e57ceb3f37332fefe8f1"><div class="ttname"><a href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">Tensor3D::stride_y</a></div><div class="ttdeci">int stride_y</div><div class="ttdoc">Stride of the image in Y dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00109">helpers.h:109</a></div></div> @@ -145,7 +145,7 @@ $(document).ready(function(){initNavTree('convolution__layer_8cl_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution__layer_8cl.xhtml">convolution_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution__rectangle_8cl.xhtml b/documentation/convolution__rectangle_8cl.xhtml index 9018a9c45..6b617fef8 100644 --- a/documentation/convolution__rectangle_8cl.xhtml +++ b/documentation/convolution__rectangle_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -287,7 +287,7 @@ e.g. -DMAT0=0 -DMAT1=1, ... -DMAT80=80, -DSCALE=6, -DMATRIX_WIDTH=3, -DMATRIX_HE <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution__rectangle_8cl.xhtml">convolution_rectangle.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/convolution__rectangle_8cl_source.xhtml b/documentation/convolution__rectangle_8cl_source.xhtml index 85955a6f6..094803834 100644 --- a/documentation/convolution__rectangle_8cl_source.xhtml +++ b/documentation/convolution__rectangle_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ $(document).ready(function(){initNavTree('convolution__rectangle_8cl_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="convolution__rectangle_8cl.xhtml">convolution_rectangle.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/depth__convert_8cl.xhtml b/documentation/depth__convert_8cl.xhtml index 4ecd1833a..671f14571 100644 --- a/documentation/depth__convert_8cl.xhtml +++ b/documentation/depth__convert_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -419,7 +419,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="depth__convert_8cl.xhtml">depth_convert.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/depth__convert_8cl_source.xhtml b/documentation/depth__convert_8cl_source.xhtml index a71a51d06..27176520f 100644 --- a/documentation/depth__convert_8cl_source.xhtml +++ b/documentation/depth__convert_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('depth__convert_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="depth__convert_8cl.xhtml">depth_convert.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/derivative_8cl.xhtml b/documentation/derivative_8cl.xhtml index b6c120695..0928f7df5 100644 --- a/documentation/derivative_8cl.xhtml +++ b/documentation/derivative_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -291,7 +291,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="derivative_8cl.xhtml">derivative.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/derivative_8cl_source.xhtml b/documentation/derivative_8cl_source.xhtml index 8863347b2..fc2852132 100644 --- a/documentation/derivative_8cl_source.xhtml +++ b/documentation/derivative_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('derivative_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="derivative_8cl.xhtml">derivative.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dilate_8cl.xhtml b/documentation/dilate_8cl.xhtml index adb833fb1..cf056a339 100644 --- a/documentation/dilate_8cl.xhtml +++ b/documentation/dilate_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -248,7 +248,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="dilate_8cl.xhtml">dilate.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dilate_8cl_source.xhtml b/documentation/dilate_8cl_source.xhtml index 4d503d0b0..774d22984 100644 --- a/documentation/dilate_8cl_source.xhtml +++ b/documentation/dilate_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('dilate_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="dilate_8cl.xhtml">dilate.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000002_000003.xhtml b/documentation/dir_000002_000003.xhtml index 39f769142..ad67eab36 100644 --- a/documentation/dir_000002_000003.xhtml +++ b/documentation/dir_000002_000003.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_1633709b037eda5b8477677909f78129.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000004_000005.xhtml b/documentation/dir_000004_000005.xhtml index 35dfd9347..41baa1632 100644 --- a/documentation/dir_000004_000005.xhtml +++ b/documentation/dir_000004_000005.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_7484b841a86f2d7fdd057c9b24fbf230.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000004_000006.xhtml b/documentation/dir_000004_000006.xhtml index 7d49b0de2..87989f3f5 100644 --- a/documentation/dir_000004_000006.xhtml +++ b/documentation/dir_000004_000006.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_7484b841a86f2d7fdd057c9b24fbf230.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000005_000006.xhtml b/documentation/dir_000005_000006.xhtml index c957cf34d..40c149217 100644 --- a/documentation/dir_000005_000006.xhtml +++ b/documentation/dir_000005_000006.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_9b109a3838d873f4037ee21889a49db8.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000006_000004.xhtml b/documentation/dir_000006_000004.xhtml index 2adb576a8..bae79c20c 100644 --- a/documentation/dir_000006_000004.xhtml +++ b/documentation/dir_000006_000004.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_315f6cf1ec0b2df3ae747ff8286a19f5.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000006_000005.xhtml b/documentation/dir_000006_000005.xhtml index e548f20b9..d6942cafd 100644 --- a/documentation/dir_000006_000005.xhtml +++ b/documentation/dir_000006_000005.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_315f6cf1ec0b2df3ae747ff8286a19f5.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000006_000007.xhtml b/documentation/dir_000006_000007.xhtml index d3478d5dc..4ae837eb7 100644 --- a/documentation/dir_000006_000007.xhtml +++ b/documentation/dir_000006_000007.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_315f6cf1ec0b2df3ae747ff8286a19f5.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000007_000004.xhtml b/documentation/dir_000007_000004.xhtml index f923e6c15..9af0f5bed 100644 --- a/documentation/dir_000007_000004.xhtml +++ b/documentation/dir_000007_000004.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_2c3c4cb85e732569e2614ad40a451d53.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000008_000000.xhtml b/documentation/dir_000008_000000.xhtml index bada1c412..845a64fc0 100644 --- a/documentation/dir_000008_000000.xhtml +++ b/documentation/dir_000008_000000.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_c1aaaab7f10e8303cab52138d50f8521.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000009_000001.xhtml b/documentation/dir_000009_000001.xhtml index cdf068d0d..9b523e7cf 100644 --- a/documentation/dir_000009_000001.xhtml +++ b/documentation/dir_000009_000001.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_8bc26130589aa16388b5a02f17abf2c2.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000010_000001.xhtml b/documentation/dir_000010_000001.xhtml index b372dc0a9..786978193 100644 --- a/documentation/dir_000010_000001.xhtml +++ b/documentation/dir_000010_000001.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_b986aa98f9b6490bb4fc7918500346fb.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000010_000011.xhtml b/documentation/dir_000010_000011.xhtml index 7a26d2603..d55af57d3 100644 --- a/documentation/dir_000010_000011.xhtml +++ b/documentation/dir_000010_000011.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -106,13 +106,13 @@ $(document).ready(function(){initNavTree('dir_b986aa98f9b6490bb4fc7918500346fb.x </div> <div class="contents"> -<h3>CL → functions Relation</h3><table class="dirtab"><tr class="dirtab"><th class="dirtab">File in arm_compute/runtime/CL</th><th class="dirtab">Includes file in arm_compute/runtime/CL/functions</th></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_absolute_difference_8h.xhtml">CLAbsoluteDifference.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_accumulate_8h.xhtml">CLAccumulate.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_activation_layer_8h.xhtml">CLActivationLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_arithmetic_subtraction_8h.xhtml">CLArithmeticSubtraction.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_and_8h.xhtml">CLBitwiseAnd.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_not_8h.xhtml">CLBitwiseNot.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_or_8h.xhtml">CLBitwiseOr.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_xor_8h.xhtml">CLBitwiseXor.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_box3x3_8h.xhtml">CLBox3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_canny_edge_8h.xhtml">CLCannyEdge.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_channel_combine_8h.xhtml">CLChannelCombine.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_channel_extract_8h.xhtml">CLChannelExtract.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_color_convert_8h.xhtml">CLColorConvert.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_convolution_8h.xhtml">CLConvolution.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_convolution_layer_8h.xhtml">CLConvolutionLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_depth_convert_8h.xhtml">CLDepthConvert.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_derivative_8h.xhtml">CLDerivative.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_dilate_8h.xhtml">CLDilate.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_equalize_histogram_8h.xhtml">CLEqualizeHistogram.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_erode_8h.xhtml">CLErode.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fast_corners_8h.xhtml">CLFastCorners.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fill_border_8h.xhtml">CLFillBorder.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fully_connected_layer_8h.xhtml">CLFullyConnectedLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian3x3_8h.xhtml">CLGaussian3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian5x5_8h.xhtml">CLGaussian5x5.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian_pyramid_8h.xhtml">CLGaussianPyramid.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_g_e_m_m_8h.xhtml">CLGEMM.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml">CLGEMMLowp.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_histogram_8h.xhtml">CLHistogram.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_integral_image_8h.xhtml">CLIntegralImage.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml">CLLaplacianPyramid.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml">CLLaplacianReconstruct.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_magnitude_8h.xhtml">CLMagnitude.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_mean_std_dev_8h.xhtml">CLMeanStdDev.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_median3x3_8h.xhtml">CLMedian3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_min_max_location_8h.xhtml">CLMinMaxLocation.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_non_linear_filter_8h.xhtml">CLNonLinearFilter.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml">CLNonMaximaSuppression3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_normalization_layer_8h.xhtml">CLNormalizationLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_optical_flow_8h.xhtml">CLOpticalFlow.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_phase_8h.xhtml">CLPhase.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml">CLPixelWiseMultiplication.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_pooling_layer_8h.xhtml">CLPoolingLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_remap_8h.xhtml">CLRemap.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_scale_8h.xhtml">CLScale.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_scharr3x3_8h.xhtml">CLScharr3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel3x3_8h.xhtml">CLSobel3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel5x5_8h.xhtml">CLSobel5x5.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel7x7_8h.xhtml">CLSobel7x7.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_softmax_layer_8h.xhtml">CLSoftmaxLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_table_lookup_8h.xhtml">CLTableLookup.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_threshold_8h.xhtml">CLThreshold.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_transpose_8h.xhtml">CLTranspose.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_warp_affine_8h.xhtml">CLWarpAffine.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_warp_perspective_8h.xhtml">CLWarpPerspective.h</a></td></tr></table></div><!-- contents --> +<h3>CL → functions Relation</h3><table class="dirtab"><tr class="dirtab"><th class="dirtab">File in arm_compute/runtime/CL</th><th class="dirtab">Includes file in arm_compute/runtime/CL/functions</th></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_absolute_difference_8h.xhtml">CLAbsoluteDifference.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_accumulate_8h.xhtml">CLAccumulate.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_activation_layer_8h.xhtml">CLActivationLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_arithmetic_addition_8h.xhtml">CLArithmeticAddition.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_arithmetic_subtraction_8h.xhtml">CLArithmeticSubtraction.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_and_8h.xhtml">CLBitwiseAnd.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_not_8h.xhtml">CLBitwiseNot.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_or_8h.xhtml">CLBitwiseOr.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_bitwise_xor_8h.xhtml">CLBitwiseXor.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_box3x3_8h.xhtml">CLBox3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_canny_edge_8h.xhtml">CLCannyEdge.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_channel_combine_8h.xhtml">CLChannelCombine.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_channel_extract_8h.xhtml">CLChannelExtract.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_color_convert_8h.xhtml">CLColorConvert.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_convolution_8h.xhtml">CLConvolution.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_convolution_layer_8h.xhtml">CLConvolutionLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_depth_convert_8h.xhtml">CLDepthConvert.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_derivative_8h.xhtml">CLDerivative.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_dilate_8h.xhtml">CLDilate.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_equalize_histogram_8h.xhtml">CLEqualizeHistogram.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_erode_8h.xhtml">CLErode.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fast_corners_8h.xhtml">CLFastCorners.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fill_border_8h.xhtml">CLFillBorder.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_fully_connected_layer_8h.xhtml">CLFullyConnectedLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian3x3_8h.xhtml">CLGaussian3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian5x5_8h.xhtml">CLGaussian5x5.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_gaussian_pyramid_8h.xhtml">CLGaussianPyramid.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_g_e_m_m_8h.xhtml">CLGEMM.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">CLGEMMInterleave4x4.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml">CLGEMMLowp.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_histogram_8h.xhtml">CLHistogram.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_integral_image_8h.xhtml">CLIntegralImage.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml">CLLaplacianPyramid.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml">CLLaplacianReconstruct.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_magnitude_8h.xhtml">CLMagnitude.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_mean_std_dev_8h.xhtml">CLMeanStdDev.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_median3x3_8h.xhtml">CLMedian3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_min_max_location_8h.xhtml">CLMinMaxLocation.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_non_linear_filter_8h.xhtml">CLNonLinearFilter.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml">CLNonMaximaSuppression3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_normalization_layer_8h.xhtml">CLNormalizationLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_optical_flow_8h.xhtml">CLOpticalFlow.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_phase_8h.xhtml">CLPhase.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml">CLPixelWiseMultiplication.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_pooling_layer_8h.xhtml">CLPoolingLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_remap_8h.xhtml">CLRemap.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_scale_8h.xhtml">CLScale.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_scharr3x3_8h.xhtml">CLScharr3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel3x3_8h.xhtml">CLSobel3x3.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel5x5_8h.xhtml">CLSobel5x5.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_sobel7x7_8h.xhtml">CLSobel7x7.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_softmax_layer_8h.xhtml">CLSoftmaxLayer.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_table_lookup_8h.xhtml">CLTableLookup.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_threshold_8h.xhtml">CLThreshold.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_transpose_8h.xhtml">CLTranspose.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_warp_affine_8h.xhtml">CLWarpAffine.h</a></td></tr><tr class="dirtab"><td class="dirtab"><a class="el" href="_c_l_functions_8h.xhtml">CLFunctions.h</a></td><td class="dirtab"><a class="el" href="_c_l_warp_perspective_8h.xhtml">CLWarpPerspective.h</a></td></tr></table></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000011_000001.xhtml b/documentation/dir_000011_000001.xhtml index b6b9504bf..5720f2211 100644 --- a/documentation/dir_000011_000001.xhtml +++ b/documentation/dir_000011_000001.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_251c63bc3f70b60acf43edd6d870a3ef.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000013_000001.xhtml b/documentation/dir_000013_000001.xhtml index ca2f80787..85c9368a3 100644 --- a/documentation/dir_000013_000001.xhtml +++ b/documentation/dir_000013_000001.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_65e289039e1347f87d412b0a1b1a312c.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000013_000012.xhtml b/documentation/dir_000013_000012.xhtml index ea26d20fe..405861926 100644 --- a/documentation/dir_000013_000012.xhtml +++ b/documentation/dir_000013_000012.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_65e289039e1347f87d412b0a1b1a312c.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000013_000014.xhtml b/documentation/dir_000013_000014.xhtml index b87acc7ba..663ac8229 100644 --- a/documentation/dir_000013_000014.xhtml +++ b/documentation/dir_000013_000014.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_65e289039e1347f87d412b0a1b1a312c.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000014_000001.xhtml b/documentation/dir_000014_000001.xhtml index 1a51849e4..90ee0ecd3 100644 --- a/documentation/dir_000014_000001.xhtml +++ b/documentation/dir_000014_000001.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_345bd7154d1542d1e03fd2836959a19d.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000015_000000.xhtml b/documentation/dir_000015_000000.xhtml index d82da94ef..bd75a511c 100644 --- a/documentation/dir_000015_000000.xhtml +++ b/documentation/dir_000015_000000.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_d28a4824dc47e487b107a5db32ef43c4.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_000015_000008.xhtml b/documentation/dir_000015_000008.xhtml index 27430f941..db2908a75 100644 --- a/documentation/dir_000015_000008.xhtml +++ b/documentation/dir_000015_000008.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -112,7 +112,7 @@ $(document).ready(function(){initNavTree('dir_d28a4824dc47e487b107a5db32ef43c4.x <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_1633709b037eda5b8477677909f78129.xhtml b/documentation/dir_1633709b037eda5b8477677909f78129.xhtml index ac9d4a57a..867ef78e9 100644 --- a/documentation/dir_1633709b037eda5b8477677909f78129.xhtml +++ b/documentation/dir_1633709b037eda5b8477677909f78129.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -163,7 +163,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml b/documentation/dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml index f74c2f679..309765a9d 100644 --- a/documentation/dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml +++ b/documentation/dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -207,7 +207,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml b/documentation/dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml index e24f3df57..ecf7710d9 100644 --- a/documentation/dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml +++ b/documentation/dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ Directories</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.js b/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.js index 5c5e92da9..941e4f017 100644 --- a/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.js +++ b/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.js @@ -86,6 +86,9 @@ var dir_251c63bc3f70b60acf43edd6d870a3ef = [ "CLGEMM.h", "_c_l_g_e_m_m_8h.xhtml", [ [ "CLGEMM", "classarm__compute_1_1_c_l_g_e_m_m.xhtml", "classarm__compute_1_1_c_l_g_e_m_m" ] ] ], + [ "CLGEMMInterleave4x4.h", "_c_l_g_e_m_m_interleave4x4_8h.xhtml", [ + [ "CLGEMMInterleave4x4", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4" ] + ] ], [ "CLGEMMLowp.h", "_c_l_g_e_m_m_lowp_8h.xhtml", [ [ "CLGEMMLowp", "classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_lowp" ] ] ], diff --git a/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml b/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml index 60314352d..55bfb1484 100644 --- a/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml +++ b/documentation/dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -181,6 +181,8 @@ Files</h2></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:_c_l_g_e_m_m_8h"><td class="memItemLeft" align="right" valign="top">file  </td><td class="memItemRight" valign="bottom"><a class="el" href="_c_l_g_e_m_m_8h.xhtml">CLGEMM.h</a> <a href="_c_l_g_e_m_m_8h_source.xhtml">[code]</a></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:_c_l_g_e_m_m_interleave4x4_8h"><td class="memItemLeft" align="right" valign="top">file  </td><td class="memItemRight" valign="bottom"><a class="el" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml">CLGEMMInterleave4x4.h</a> <a href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml">[code]</a></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:_c_l_g_e_m_m_lowp_8h"><td class="memItemLeft" align="right" valign="top">file  </td><td class="memItemRight" valign="bottom"><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml">CLGEMMLowp.h</a> <a href="_c_l_g_e_m_m_lowp_8h_source.xhtml">[code]</a></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:_c_l_harris_corners_8h"><td class="memItemLeft" align="right" valign="top">file  </td><td class="memItemRight" valign="bottom"><a class="el" href="_c_l_harris_corners_8h.xhtml">CLHarrisCorners.h</a> <a href="_c_l_harris_corners_8h_source.xhtml">[code]</a></td></tr> @@ -246,7 +248,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml">functions</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_25885286e9dad4fa105b7b25a8031bbf.xhtml b/documentation/dir_25885286e9dad4fa105b7b25a8031bbf.xhtml index 8283e9203..e419211ee 100644 --- a/documentation/dir_25885286e9dad4fa105b7b25a8031bbf.xhtml +++ b/documentation/dir_25885286e9dad4fa105b7b25a8031bbf.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -228,7 +228,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.js b/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.js index 9250d2dc3..6b55e18e4 100644 --- a/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.js +++ b/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.js @@ -118,8 +118,7 @@ var dir_2c3c4cb85e732569e2614ad40a451d53 = [ "NEHarrisScoreFP16Kernel", "classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml", "classarm__compute_1_1_n_e_harris_score_f_p16_kernel" ] ] ], [ "NEHistogramKernel.h", "_n_e_histogram_kernel_8h.xhtml", [ - [ "NEHistogramKernel", "classarm__compute_1_1_n_e_histogram_kernel.xhtml", "classarm__compute_1_1_n_e_histogram_kernel" ], - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml", "classarm__compute_1_1_n_e_histogram_border_kernel" ] + [ "NEHistogramKernel", "classarm__compute_1_1_n_e_histogram_kernel.xhtml", "classarm__compute_1_1_n_e_histogram_kernel" ] ] ], [ "NEHOGDescriptorKernel.h", "_n_e_h_o_g_descriptor_kernel_8h.xhtml", [ [ "NEHOGOrientationBinningKernel", "classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml", "classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel" ], diff --git a/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.xhtml b/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.xhtml index e1f9bb4c9..f51872931 100644 --- a/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.xhtml +++ b/documentation/dir_2c3c4cb85e732569e2614ad40a451d53.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -258,7 +258,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_2c3c4cb85e732569e2614ad40a451d53.xhtml">kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml b/documentation/dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml index 80945d269..0367a745a 100644 --- a/documentation/dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml +++ b/documentation/dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -147,7 +147,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_315f6cf1ec0b2df3ae747ff8286a19f5.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_345bd7154d1542d1e03fd2836959a19d.js b/documentation/dir_345bd7154d1542d1e03fd2836959a19d.js index 61a02abae..b5a03c273 100644 --- a/documentation/dir_345bd7154d1542d1e03fd2836959a19d.js +++ b/documentation/dir_345bd7154d1542d1e03fd2836959a19d.js @@ -44,13 +44,7 @@ var dir_345bd7154d1542d1e03fd2836959a19d = [ "NEColorConvert.h", "_n_e_color_convert_8h.xhtml", [ [ "NEColorConvert", "classarm__compute_1_1_n_e_color_convert.xhtml", "classarm__compute_1_1_n_e_color_convert" ] ] ], - [ "NEConvolution.h", "_n_e_convolution_8h.xhtml", [ - [ "NEConvolution3x3", "classarm__compute_1_1_n_e_convolution3x3.xhtml", "classarm__compute_1_1_n_e_convolution3x3" ], - [ "NEConvolution5x5", "classarm__compute_1_1_n_e_convolution5x5.xhtml", "classarm__compute_1_1_n_e_convolution5x5" ], - [ "NEConvolution7x7", "classarm__compute_1_1_n_e_convolution7x7.xhtml", "classarm__compute_1_1_n_e_convolution7x7" ], - [ "NEConvolution9x9", "classarm__compute_1_1_n_e_convolution9x9.xhtml", "classarm__compute_1_1_n_e_convolution9x9" ], - [ "NEConvolutionRectangle", "classarm__compute_1_1_n_e_convolution_rectangle.xhtml", "classarm__compute_1_1_n_e_convolution_rectangle" ] - ] ], + [ "NEConvolution.h", "_n_e_convolution_8h.xhtml", "_n_e_convolution_8h" ], [ "NEConvolutionLayer.h", "_n_e_convolution_layer_8h.xhtml", [ [ "NEConvolutionLayer", "classarm__compute_1_1_n_e_convolution_layer.xhtml", "classarm__compute_1_1_n_e_convolution_layer" ] ] ], diff --git a/documentation/dir_345bd7154d1542d1e03fd2836959a19d.xhtml b/documentation/dir_345bd7154d1542d1e03fd2836959a19d.xhtml index 07835b3cb..802a3fa6d 100644 --- a/documentation/dir_345bd7154d1542d1e03fd2836959a19d.xhtml +++ b/documentation/dir_345bd7154d1542d1e03fd2836959a19d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -258,7 +258,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li><li class="navelem"><a class="el" href="dir_345bd7154d1542d1e03fd2836959a19d.xhtml">functions</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_65e289039e1347f87d412b0a1b1a312c.xhtml b/documentation/dir_65e289039e1347f87d412b0a1b1a312c.xhtml index 8d5ed3333..fe0d77ac5 100644 --- a/documentation/dir_65e289039e1347f87d412b0a1b1a312c.xhtml +++ b/documentation/dir_65e289039e1347f87d412b0a1b1a312c.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_65e289039e1347f87d412b0a1b1a312c.xhtml">NEON</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml b/documentation/dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml index b8c682240..57f6d24c7 100644 --- a/documentation/dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml +++ b/documentation/dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ Directories</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml b/documentation/dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml index 81724d7e5..a69463bbf 100644 --- a/documentation/dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml +++ b/documentation/dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -143,7 +143,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_8bc26130589aa16388b5a02f17abf2c2.xhtml b/documentation/dir_8bc26130589aa16388b5a02f17abf2c2.xhtml index d23204ecb..77f9901cf 100644 --- a/documentation/dir_8bc26130589aa16388b5a02f17abf2c2.xhtml +++ b/documentation/dir_8bc26130589aa16388b5a02f17abf2c2.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_8c278f79c760e5c5fbd911f9870614c1.xhtml b/documentation/dir_8c278f79c760e5c5fbd911f9870614c1.xhtml index 443141b91..428949097 100644 --- a/documentation/dir_8c278f79c760e5c5fbd911f9870614c1.xhtml +++ b/documentation/dir_8c278f79c760e5c5fbd911f9870614c1.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ Directories</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_9b109a3838d873f4037ee21889a49db8.xhtml b/documentation/dir_9b109a3838d873f4037ee21889a49db8.xhtml index 4e6d8d72d..5d1dab471 100644 --- a/documentation/dir_9b109a3838d873f4037ee21889a49db8.xhtml +++ b/documentation/dir_9b109a3838d873f4037ee21889a49db8.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_7484b841a86f2d7fdd057c9b24fbf230.xhtml">CPP</a></li><li class="navelem"><a class="el" href="dir_9b109a3838d873f4037ee21889a49db8.xhtml">kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml b/documentation/dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml index 3ae62a2a0..ef99b1fc1 100644 --- a/documentation/dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml +++ b/documentation/dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ Directories</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml b/documentation/dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml index 23215b1a6..aec37626b 100644 --- a/documentation/dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml +++ b/documentation/dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b496024afd63bafbf4e8da80d7d3a81a.xhtml">CPP</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb.xhtml b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb.xhtml index b987f3a92..18fbdb338 100644 --- a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb.xhtml +++ b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -159,7 +159,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_8bc26130589aa16388b5a02f17abf2c2.xhtml">runtime</a></li><li class="navelem"><a class="el" href="dir_b986aa98f9b6490bb4fc7918500346fb.xhtml">CL</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.map b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.map index 7460d1eba..e9f456d33 100644 --- a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.map +++ b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.map @@ -1,6 +1,6 @@ <map id="arm_compute/runtime/CL" name="arm_compute/runtime/CL"> <area shape="rect" id="node2" href="dir_251c63bc3f70b60acf43edd6d870a3ef.xhtml" title="functions" alt="" coords="37,159,112,207"/> -<area shape="rect" id="edge2-headlabel" href="dir_000010_000011.xhtml" title="57" alt="" coords="76,133,90,148"/> +<area shape="rect" id="edge2-headlabel" href="dir_000010_000011.xhtml" title="58" alt="" coords="76,133,90,148"/> <area shape="rect" id="node3" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml" title="core" alt="" coords="76,255,148,303"/> <area shape="rect" id="edge3-headlabel" href="dir_000010_000001.xhtml" title="117" alt="" coords="122,232,143,246"/> <area shape="rect" id="edge1-headlabel" href="dir_000011_000001.xhtml" title="94" alt="" coords="97,227,111,242"/> diff --git a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.md5 b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.md5 index b16b6c952..e8bb22580 100644 --- a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.md5 +++ b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.md5 @@ -1 +1 @@ -19f92eb29d1a27652e3fcc110a5b4b2b
\ No newline at end of file +7fa947264d7081d49d6eb6bc71998187
\ No newline at end of file diff --git a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.svg b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.svg index 6849f3845..73b524325 100644 --- a/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.svg +++ b/documentation/dir_b986aa98f9b6490bb4fc7918500346fb_dep.svg @@ -38,8 +38,8 @@ <g id="edge2" class="edge"><title>dir_b986aa98f9b6490bb4fc7918500346fb->dir_251c63bc3f70b60acf43edd6d870a3ef</title> <path fill="none" stroke="black" d="M52,-143.697C52,-135.983 52,-126.712 52,-118.112"/> <polygon fill="black" stroke="black" points="55.5001,-118.104 52,-108.104 48.5001,-118.104 55.5001,-118.104"/> -<g id="a_edge2-headlabel"><a xlink:href="dir_000010_000011.xhtml" target="_top" xlink:title="57"> -<text text-anchor="middle" x="58.3393" y="-119.199" font-family="Helvetica,sans-Serif" font-size="10.00">57</text> +<g id="a_edge2-headlabel"><a xlink:href="dir_000010_000011.xhtml" target="_top" xlink:title="58"> +<text text-anchor="middle" x="58.3393" y="-119.199" font-family="Helvetica,sans-Serif" font-size="10.00">58</text> </a> </g> </g> diff --git a/documentation/dir_c1aaaab7f10e8303cab52138d50f8521.xhtml b/documentation/dir_c1aaaab7f10e8303cab52138d50f8521.xhtml index ec8e7d883..2bae0d515 100644 --- a/documentation/dir_c1aaaab7f10e8303cab52138d50f8521.xhtml +++ b/documentation/dir_c1aaaab7f10e8303cab52138d50f8521.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_d28a4824dc47e487b107a5db32ef43c4.xhtml b/documentation/dir_d28a4824dc47e487b107a5db32ef43c4.xhtml index eab4e9c54..32bfbfae2 100644 --- a/documentation/dir_d28a4824dc47e487b107a5db32ef43c4.xhtml +++ b/documentation/dir_d28a4824dc47e487b107a5db32ef43c4.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/dir_f906bbebc596bc606d589ccb705e6595.xhtml b/documentation/dir_f906bbebc596bc606d589ccb705e6595.xhtml index f77c20ccd..81c622bd8 100644 --- a/documentation/dir_f906bbebc596bc606d589ccb705e6595.xhtml +++ b/documentation/dir_f906bbebc596bc606d589ccb705e6595.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -248,7 +248,7 @@ Files</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_214608ef36d61442cb2b0c1c4e9a7def.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="dir_1fb090f0c6070330bfaccc4236d3ca0d.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_1633709b037eda5b8477677909f78129.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_f906bbebc596bc606d589ccb705e6595.xhtml">kernels</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/erode_8cl.xhtml b/documentation/erode_8cl.xhtml index 63519e48b..5abe2cd65 100644 --- a/documentation/erode_8cl.xhtml +++ b/documentation/erode_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -248,7 +248,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="erode_8cl.xhtml">erode.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/erode_8cl_source.xhtml b/documentation/erode_8cl_source.xhtml index 45cfc8612..8e737f964 100644 --- a/documentation/erode_8cl_source.xhtml +++ b/documentation/erode_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('erode_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="erode_8cl.xhtml">erode.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/fast__corners_8cl.xhtml b/documentation/fast__corners_8cl.xhtml index 15faafbf9..d189d812d 100644 --- a/documentation/fast__corners_8cl.xhtml +++ b/documentation/fast__corners_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -564,7 +564,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="fast__corners_8cl.xhtml">fast_corners.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/fast__corners_8cl_source.xhtml b/documentation/fast__corners_8cl_source.xhtml index c090524d5..7a1948746 100644 --- a/documentation/fast__corners_8cl_source.xhtml +++ b/documentation/fast__corners_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('fast__corners_8cl_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="fast__corners_8cl.xhtml">fast_corners.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/files.xhtml b/documentation/files.xhtml index f59d586a6..e598ca718 100644 --- a/documentation/files.xhtml +++ b/documentation/files.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -334,35 +334,36 @@ $(document).ready(function(){initNavTree('files.xhtml','');}); <tr id="row_0_1_0_0_25_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_gaussian5x5_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_gaussian5x5_8h.xhtml" target="_self">CLGaussian5x5.h</a></td><td class="desc"></td></tr> <tr id="row_0_1_0_0_26_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_gaussian_pyramid_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_gaussian_pyramid_8h.xhtml" target="_self">CLGaussianPyramid.h</a></td><td class="desc"></td></tr> <tr id="row_0_1_0_0_27_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_g_e_m_m_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_g_e_m_m_8h.xhtml" target="_self">CLGEMM.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_28_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_g_e_m_m_lowp_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml" target="_self">CLGEMMLowp.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_29_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_harris_corners_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_harris_corners_8h.xhtml" target="_self">CLHarrisCorners.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_30_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_histogram_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_histogram_8h.xhtml" target="_self">CLHistogram.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_31_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_integral_image_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_integral_image_8h.xhtml" target="_self">CLIntegralImage.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_32_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_laplacian_pyramid_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml" target="_self">CLLaplacianPyramid.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_33_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_laplacian_reconstruct_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml" target="_self">CLLaplacianReconstruct.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_34_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_magnitude_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_magnitude_8h.xhtml" target="_self">CLMagnitude.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_35_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_mean_std_dev_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_mean_std_dev_8h.xhtml" target="_self">CLMeanStdDev.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_36_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_median3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_median3x3_8h.xhtml" target="_self">CLMedian3x3.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_37_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_min_max_location_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_min_max_location_8h.xhtml" target="_self">CLMinMaxLocation.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_38_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_non_linear_filter_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_non_linear_filter_8h.xhtml" target="_self">CLNonLinearFilter.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_39_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_non_maxima_suppression3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml" target="_self">CLNonMaximaSuppression3x3.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_40_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_normalization_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_normalization_layer_8h.xhtml" target="_self">CLNormalizationLayer.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_41_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_optical_flow_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_optical_flow_8h.xhtml" target="_self">CLOpticalFlow.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_42_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_phase_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_phase_8h.xhtml" target="_self">CLPhase.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_43_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_pixel_wise_multiplication_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml" target="_self">CLPixelWiseMultiplication.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_44_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_pooling_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_pooling_layer_8h.xhtml" target="_self">CLPoolingLayer.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_45_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_remap_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_remap_8h.xhtml" target="_self">CLRemap.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_46_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_scale_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_scale_8h.xhtml" target="_self">CLScale.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_47_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_scharr3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_scharr3x3_8h.xhtml" target="_self">CLScharr3x3.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_48_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel3x3_8h.xhtml" target="_self">CLSobel3x3.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_49_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel5x5_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel5x5_8h.xhtml" target="_self">CLSobel5x5.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_50_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel7x7_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel7x7_8h.xhtml" target="_self">CLSobel7x7.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_51_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_softmax_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_softmax_layer_8h.xhtml" target="_self">CLSoftmaxLayer.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_52_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_table_lookup_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_table_lookup_8h.xhtml" target="_self">CLTableLookup.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_53_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_threshold_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_threshold_8h.xhtml" target="_self">CLThreshold.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_54_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_transpose_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_transpose_8h.xhtml" target="_self">CLTranspose.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_55_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_warp_affine_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_warp_affine_8h.xhtml" target="_self">CLWarpAffine.h</a></td><td class="desc"></td></tr> -<tr id="row_0_1_0_0_56_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_warp_perspective_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_warp_perspective_8h.xhtml" target="_self">CLWarpPerspective.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_28_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_g_e_m_m_interleave4x4_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_g_e_m_m_interleave4x4_8h.xhtml" target="_self">CLGEMMInterleave4x4.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_29_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_g_e_m_m_lowp_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_g_e_m_m_lowp_8h.xhtml" target="_self">CLGEMMLowp.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_30_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_harris_corners_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_harris_corners_8h.xhtml" target="_self">CLHarrisCorners.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_31_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_histogram_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_histogram_8h.xhtml" target="_self">CLHistogram.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_32_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_integral_image_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_integral_image_8h.xhtml" target="_self">CLIntegralImage.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_33_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_laplacian_pyramid_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_laplacian_pyramid_8h.xhtml" target="_self">CLLaplacianPyramid.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_34_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_laplacian_reconstruct_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_laplacian_reconstruct_8h.xhtml" target="_self">CLLaplacianReconstruct.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_35_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_magnitude_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_magnitude_8h.xhtml" target="_self">CLMagnitude.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_36_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_mean_std_dev_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_mean_std_dev_8h.xhtml" target="_self">CLMeanStdDev.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_37_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_median3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_median3x3_8h.xhtml" target="_self">CLMedian3x3.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_38_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_min_max_location_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_min_max_location_8h.xhtml" target="_self">CLMinMaxLocation.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_39_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_non_linear_filter_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_non_linear_filter_8h.xhtml" target="_self">CLNonLinearFilter.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_40_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_non_maxima_suppression3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_non_maxima_suppression3x3_8h.xhtml" target="_self">CLNonMaximaSuppression3x3.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_41_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_normalization_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_normalization_layer_8h.xhtml" target="_self">CLNormalizationLayer.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_42_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_optical_flow_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_optical_flow_8h.xhtml" target="_self">CLOpticalFlow.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_43_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_phase_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_phase_8h.xhtml" target="_self">CLPhase.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_44_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_pixel_wise_multiplication_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_pixel_wise_multiplication_8h.xhtml" target="_self">CLPixelWiseMultiplication.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_45_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_pooling_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_pooling_layer_8h.xhtml" target="_self">CLPoolingLayer.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_46_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_remap_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_remap_8h.xhtml" target="_self">CLRemap.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_47_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_scale_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_scale_8h.xhtml" target="_self">CLScale.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_48_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_scharr3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_scharr3x3_8h.xhtml" target="_self">CLScharr3x3.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_49_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel3x3_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel3x3_8h.xhtml" target="_self">CLSobel3x3.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_50_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel5x5_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel5x5_8h.xhtml" target="_self">CLSobel5x5.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_51_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_sobel7x7_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_sobel7x7_8h.xhtml" target="_self">CLSobel7x7.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_52_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_softmax_layer_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_softmax_layer_8h.xhtml" target="_self">CLSoftmaxLayer.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_53_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_table_lookup_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_table_lookup_8h.xhtml" target="_self">CLTableLookup.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_54_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_threshold_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_threshold_8h.xhtml" target="_self">CLThreshold.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_55_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_transpose_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_transpose_8h.xhtml" target="_self">CLTranspose.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_56_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_warp_affine_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_warp_affine_8h.xhtml" target="_self">CLWarpAffine.h</a></td><td class="desc"></td></tr> +<tr id="row_0_1_0_0_57_" class="even" style="display:none;"><td class="entry"><span style="width:80px;display:inline-block;"> </span><a href="_c_l_warp_perspective_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_warp_perspective_8h.xhtml" target="_self">CLWarpPerspective.h</a></td><td class="desc"></td></tr> <tr id="row_0_1_0_1_" class="even" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><a href="_c_l_array_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_array_8h.xhtml" target="_self">CLArray.h</a></td><td class="desc"></td></tr> <tr id="row_0_1_0_2_" class="even" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><a href="_c_l_distribution1_d_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_distribution1_d_8h.xhtml" target="_self">CLDistribution1D.h</a></td><td class="desc"></td></tr> <tr id="row_0_1_0_3_" class="even" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><a href="_c_l_functions_8h_source.xhtml"><span class="icondoc"></span></a><a class="el" href="_c_l_functions_8h.xhtml" target="_self">CLFunctions.h</a></td><td class="desc"></td></tr> @@ -529,7 +530,7 @@ $(document).ready(function(){initNavTree('files.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/fill__border_8cl.xhtml b/documentation/fill__border_8cl.xhtml index fbe62b49c..9a351f2e5 100644 --- a/documentation/fill__border_8cl.xhtml +++ b/documentation/fill__border_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -341,7 +341,7 @@ The border size for top, bottom, left, right needs to be passed at the compile t <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="fill__border_8cl.xhtml">fill_border.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/fill__border_8cl_source.xhtml b/documentation/fill__border_8cl_source.xhtml index c7174789b..cce645e46 100644 --- a/documentation/fill__border_8cl_source.xhtml +++ b/documentation/fill__border_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('fill__border_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="fill__border_8cl.xhtml">fill_border.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions.xhtml b/documentation/functions.xhtml index 256dc0dc2..73bfa83cd 100644 --- a/documentation/functions.xhtml +++ b/documentation/functions.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -177,7 +177,7 @@ $(document).ready(function(){initNavTree('functions.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_0x7e.xhtml b/documentation/functions_0x7e.xhtml index 44a1d6b4f..e72863649 100644 --- a/documentation/functions_0x7e.xhtml +++ b/documentation/functions_0x7e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -261,6 +261,9 @@ $(document).ready(function(){initNavTree('functions_0x7e.xhtml','');}); <li>~ICLSimpleKernel() : <a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa">ICLSimpleKernel</a> </li> +<li>~ICLTensor() +: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e">ICLTensor</a> +</li> <li>~ICPPKernel() : <a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6">ICPPKernel</a> </li> @@ -357,9 +360,6 @@ $(document).ready(function(){initNavTree('functions_0x7e.xhtml','');}); <li>~NEGradientKernel() : <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727">NEGradientKernel</a> </li> -<li>~NEHistogramBorderKernel() -: <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14">NEHistogramBorderKernel</a> -</li> <li>~NEHistogramKernel() : <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e">NEHistogramKernel</a> </li> @@ -465,7 +465,7 @@ $(document).ready(function(){initNavTree('functions_0x7e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_a.xhtml b/documentation/functions_a.xhtml index 737e77eba..97fa8daea 100644 --- a/documentation/functions_a.xhtml +++ b/documentation/functions_a.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -246,7 +246,7 @@ $(document).ready(function(){initNavTree('functions_a.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_b.xhtml b/documentation/functions_b.xhtml index 485008824..c910a0a37 100644 --- a/documentation/functions_b.xhtml +++ b/documentation/functions_b.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -266,7 +266,7 @@ $(document).ready(function(){initNavTree('functions_b.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_c.xhtml b/documentation/functions_c.xhtml index bf0e49b6d..2cc9ef867 100644 --- a/documentation/functions_c.xhtml +++ b/documentation/functions_c.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -478,10 +478,10 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d">CLCannyEdge</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1">CLChannelCombine</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1">CLChannelCombineKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d">CLChannelExtract</a> +, <a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4">CLChannelExtract</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4">CLChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99">CLCol2ImKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776">CLColorConvert</a> +, <a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa">CLColorConvert</a> , <a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolution3x3</a> , <a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">CLConvolutionKernel< matrix_size ></a> @@ -518,6 +518,7 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c">CLGaussianPyramidOrb</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">CLGaussianPyramidVertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f">CLGEMM</a> +, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLGEMMInterleave4x4</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLGEMMInterleave4x4Kernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79">CLGEMMLowp</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b">CLGEMMLowpMatrixMultiplyKernel</a> @@ -622,22 +623,20 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7">NEBox3x3</a> , <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">NEBox3x3Kernel</a> , <a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0">NECannyEdge</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc">NEChannelCombine</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc">NEChannelCombineKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76">NEChannelCombine</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76">NEChannelCombineKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e">NEChannelExtract</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a">NEChannelExtractKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5">NECol2ImKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2">NEColorConvert</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NEColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution3x3</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution5x5</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution7x7</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution9x9</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222">NEConvolutionKernel< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a">NEConvolutionLayer</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338">NEConvolutionLayerWeightsReshapeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0">NEConvolutionRectangle</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9">NEConvolutionRectangleKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolutionSquare< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f">NEDepthConvert</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f">NEDepthConvertKernel</a> @@ -683,8 +682,7 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816">NEHarrisScoreFP16Kernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816">NEHarrisScoreKernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">NEHistogram</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b">NEHistogramBorderKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">NEHistogramKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">NEHistogramKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5">NEHOGBlockNormalizationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4">NEHOGDescriptor</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115">NEHOGDetector</a> @@ -698,7 +696,7 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NEIntegralImageKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351">NELaplacianPyramid</a> , <a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63">NELaplacianReconstruct</a> -, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029">NELKTrackerKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d">NELKTrackerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NELogits1DMaxKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5">NELogits1DNormKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b">NELogits1DShiftExpSumKernel</a> @@ -778,7 +776,7 @@ $(document).ready(function(){initNavTree('functions_c.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_d.xhtml b/documentation/functions_d.xhtml index 13d6a6723..899ea851e 100644 --- a/documentation/functions_d.xhtml +++ b/documentation/functions_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -214,7 +214,7 @@ $(document).ready(function(){initNavTree('functions_d.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_e.xhtml b/documentation/functions_e.xhtml index 1be8a9712..0145f31bf 100644 --- a/documentation/functions_e.xhtml +++ b/documentation/functions_e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,6 +167,7 @@ $(document).ready(function(){initNavTree('functions_e.xhtml','');}); </li> <li>end() : <a class="el" href="classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59">Dimensions< T ></a> +, <a class="el" href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620">ValidRegion</a> , <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b">Window::Dimension</a> </li> <li>enqueue() @@ -188,7 +189,7 @@ $(document).ready(function(){initNavTree('functions_e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_enum.xhtml b/documentation/functions_enum.xhtml index 8885b64f3..025ce0f5c 100644 --- a/documentation/functions_enum.xhtml +++ b/documentation/functions_enum.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('functions_enum.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_f.xhtml b/documentation/functions_f.xhtml index 6795c4ec9..df8d178fb 100644 --- a/documentation/functions_f.xhtml +++ b/documentation/functions_f.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -182,13 +182,18 @@ $(document).ready(function(){initNavTree('functions_f.xhtml','');}); , <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">TensorInfo</a> </li> +<li>free() +: <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">CLTensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">ITensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">TensorAllocator</a> +</li> </ul> </div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func.xhtml b/documentation/functions_func.xhtml index 6d29d4ac5..95804f3bc 100644 --- a/documentation/functions_func.xhtml +++ b/documentation/functions_func.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -227,7 +227,7 @@ $(document).ready(function(){initNavTree('functions_func.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_0x7e.xhtml b/documentation/functions_func_0x7e.xhtml index 11f5f13c3..3ac287e3a 100644 --- a/documentation/functions_func_0x7e.xhtml +++ b/documentation/functions_func_0x7e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -260,6 +260,9 @@ $(document).ready(function(){initNavTree('functions_func_0x7e.xhtml','');}); <li>~ICLSimpleKernel() : <a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa">ICLSimpleKernel</a> </li> +<li>~ICLTensor() +: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e">ICLTensor</a> +</li> <li>~ICPPKernel() : <a class="el" href="classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6">ICPPKernel</a> </li> @@ -356,9 +359,6 @@ $(document).ready(function(){initNavTree('functions_func_0x7e.xhtml','');}); <li>~NEGradientKernel() : <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727">NEGradientKernel</a> </li> -<li>~NEHistogramBorderKernel() -: <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14">NEHistogramBorderKernel</a> -</li> <li>~NEHistogramKernel() : <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e">NEHistogramKernel</a> </li> @@ -464,7 +464,7 @@ $(document).ready(function(){initNavTree('functions_func_0x7e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_b.xhtml b/documentation/functions_func_b.xhtml index 3f9eb743a..af523a23c 100644 --- a/documentation/functions_func_b.xhtml +++ b/documentation/functions_func_b.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -262,7 +262,7 @@ $(document).ready(function(){initNavTree('functions_func_b.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_c.xhtml b/documentation/functions_func_c.xhtml index 58c74a9a2..3ccbecb35 100644 --- a/documentation/functions_func_c.xhtml +++ b/documentation/functions_func_c.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -477,10 +477,10 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d">CLCannyEdge</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1">CLChannelCombine</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1">CLChannelCombineKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d">CLChannelExtract</a> +, <a class="el" href="classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4">CLChannelExtract</a> , <a class="el" href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4">CLChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99">CLCol2ImKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776">CLColorConvert</a> +, <a class="el" href="classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa">CLColorConvert</a> , <a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82">CLConvolution3x3</a> , <a class="el" href="classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb">CLConvolutionKernel< matrix_size ></a> @@ -517,6 +517,7 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c">CLGaussianPyramidOrb</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8">CLGaussianPyramidVertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f">CLGEMM</a> +, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLGEMMInterleave4x4</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68">CLGEMMInterleave4x4Kernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79">CLGEMMLowp</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b">CLGEMMLowpMatrixMultiplyKernel</a> @@ -621,22 +622,20 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7">NEBox3x3</a> , <a class="el" href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4">NEBox3x3Kernel</a> , <a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0">NECannyEdge</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc">NEChannelCombine</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc">NEChannelCombineKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76">NEChannelCombine</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76">NEChannelCombineKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e">NEChannelExtract</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a">NEChannelExtractKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5">NECol2ImKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2">NEColorConvert</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NEColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution3x3</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution5x5</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution7x7</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution9x9</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222">NEConvolutionKernel< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a">NEConvolutionLayer</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338">NEConvolutionLayerWeightsReshapeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0">NEConvolutionRectangle</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9">NEConvolutionRectangleKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolutionSquare< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f">NEDepthConvert</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f">NEDepthConvertKernel</a> @@ -682,8 +681,7 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816">NEHarrisScoreFP16Kernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816">NEHarrisScoreKernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">NEHistogram</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b">NEHistogramBorderKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9">NEHistogramKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75">NEHistogramKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5">NEHOGBlockNormalizationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4">NEHOGDescriptor</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115">NEHOGDetector</a> @@ -697,7 +695,7 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NEIntegralImageKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351">NELaplacianPyramid</a> , <a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63">NELaplacianReconstruct</a> -, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029">NELKTrackerKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d">NELKTrackerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628">NELogits1DMaxKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5">NELogits1DNormKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b">NELogits1DShiftExpSumKernel</a> @@ -777,7 +775,7 @@ $(document).ready(function(){initNavTree('functions_func_c.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_d.xhtml b/documentation/functions_func_d.xhtml index 2c2e6732c..29a7cf1a2 100644 --- a/documentation/functions_func_d.xhtml +++ b/documentation/functions_func_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -199,7 +199,7 @@ $(document).ready(function(){initNavTree('functions_func_d.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_e.xhtml b/documentation/functions_func_e.xhtml index 72dbeeeb3..5a59b912e 100644 --- a/documentation/functions_func_e.xhtml +++ b/documentation/functions_func_e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -163,6 +163,7 @@ $(document).ready(function(){initNavTree('functions_func_e.xhtml','');}); </li> <li>end() : <a class="el" href="classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170">Dimensions< T ></a> +, <a class="el" href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620">ValidRegion</a> , <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b">Window::Dimension</a> </li> <li>enqueue() @@ -180,7 +181,7 @@ $(document).ready(function(){initNavTree('functions_func_e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_f.xhtml b/documentation/functions_func_f.xhtml index 7a4c0d76e..8103b582d 100644 --- a/documentation/functions_func_f.xhtml +++ b/documentation/functions_func_f.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,13 +178,18 @@ $(document).ready(function(){initNavTree('functions_func_f.xhtml','');}); , <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e">TensorInfo</a> </li> +<li>free() +: <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">CLTensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683">ITensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974">TensorAllocator</a> +</li> </ul> </div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_g.xhtml b/documentation/functions_func_g.xhtml index 93f91c62c..08fb4fd9b 100644 --- a/documentation/functions_func_g.xhtml +++ b/documentation/functions_func_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -172,7 +172,7 @@ $(document).ready(function(){initNavTree('functions_func_g.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_h.xhtml b/documentation/functions_func_h.xhtml index e475cdb80..c1ec23ad0 100644 --- a/documentation/functions_func_h.xhtml +++ b/documentation/functions_func_h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -174,7 +174,7 @@ $(document).ready(function(){initNavTree('functions_func_h.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_i.xhtml b/documentation/functions_func_i.xhtml index ec777faa8..474433924 100644 --- a/documentation/functions_func_i.xhtml +++ b/documentation/functions_func_i.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -177,7 +177,7 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); : <a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">ICLSimpleKernel</a> </li> <li>ICLTensor() -: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce">ICLTensor</a> +: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03">ICLTensor</a> </li> <li>ICPPSimpleKernel() : <a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a> @@ -206,7 +206,7 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); : <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#a4a6528d71f063140db37cdf5cf272960">INESimpleFunction</a> </li> <li>INEWarpKernel() -: <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a581f7b74a46de81c682247ed0890e326">INEWarpKernel</a> +: <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a">INEWarpKernel</a> </li> <li>info() : <a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f">CLMultiImage</a> @@ -234,19 +234,19 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); , <a class="el" href="classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637">MultiImage</a> , <a class="el" href="classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637">MultiImageInfo</a> , <a class="el" href="classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff">Pyramid</a> -, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60">PyramidInfo</a> +, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4">TensorAllocator</a> -, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a4eaa68a1707f4ff3983c6dddd21794ea">TensorInfo</a> +, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea">TensorInfo</a> </li> <li>init_auto_padding() : <a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723">CLMultiImage</a> , <a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115">CLPyramid</a> , <a class="el" href="classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723">MultiImage</a> , <a class="el" href="classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115">Pyramid</a> -, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52">TensorInfo</a> +, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">TensorInfo</a> </li> <li>init_image() -: <a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">PPMLoader</a> +: <a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">PPMLoader</a> </li> <li>IOFormatInfo() : <a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">IOFormatInfo</a> @@ -262,7 +262,6 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEEdgeTraceKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEFillArrayKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHistogramBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHOGNonMaximaSuppressionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEIntegralImageKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEMinMaxLocationKernel</a> @@ -271,10 +270,10 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); : <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0">TensorInfo</a> </li> <li>ITensorAllocator() -: <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#ae82acbc677aa7d77c6a3f5e3547ef917">ITensorAllocator</a> +: <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a4fe09d257ff33e01defc7074ca22dc98">ITensorAllocator</a> </li> <li>Iterator() -: <a class="el" href="classarm__compute_1_1_iterator.xhtml#a92d6469b972ef1e52b55b1ad7da70b02">Iterator</a> +: <a class="el" href="classarm__compute_1_1_iterator.xhtml#a45381773d6cba2ad9e9d2d04515fa40b">Iterator</a> </li> </ul> </div><!-- contents --> @@ -282,7 +281,7 @@ $(document).ready(function(){initNavTree('functions_func_i.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_k.xhtml b/documentation/functions_func_k.xhtml index a16e1ec1b..eab63c2b9 100644 --- a/documentation/functions_func_k.xhtml +++ b/documentation/functions_func_k.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -162,7 +162,7 @@ $(document).ready(function(){initNavTree('functions_func_k.xhtml','');}); : <a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e">ICLKernel</a> </li> <li>Kernel() -: <a class="el" href="classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1">Kernel</a> +: <a class="el" href="classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925">Kernel</a> </li> </ul> </div><!-- contents --> @@ -170,7 +170,7 @@ $(document).ready(function(){initNavTree('functions_func_k.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_l.xhtml b/documentation/functions_func_l.xhtml index 64755049d..382c7e272 100644 --- a/documentation/functions_func_l.xhtml +++ b/documentation/functions_func_l.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -173,7 +173,7 @@ $(document).ready(function(){initNavTree('functions_func_l.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_m.xhtml b/documentation/functions_func_m.xhtml index c8bbe07bb..d434c7946 100644 --- a/documentation/functions_func_m.xhtml +++ b/documentation/functions_func_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -192,7 +192,7 @@ $(document).ready(function(){initNavTree('functions_func_m.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_n.xhtml b/documentation/functions_func_n.xhtml index 5c2d8191e..7d2eb7129 100644 --- a/documentation/functions_func_n.xhtml +++ b/documentation/functions_func_n.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -204,15 +204,6 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); <li>NEColorConvertKernel() : <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a> </li> -<li>NEConvolution5x5() -: <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66">NEConvolution5x5</a> -</li> -<li>NEConvolution7x7() -: <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621">NEConvolution7x7</a> -</li> -<li>NEConvolution9x9() -: <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471">NEConvolution9x9</a> -</li> <li>NEConvolutionKernel() : <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8">NEConvolutionKernel< matrix_size ></a> </li> @@ -225,6 +216,9 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); <li>NEConvolutionRectangleKernel() : <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3">NEConvolutionRectangleKernel</a> </li> +<li>NEConvolutionSquare() +: <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b">NEConvolutionSquare< matrix_size ></a> +</li> <li>NECumulativeDistributionKernel() : <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640">NECumulativeDistributionKernel</a> </li> @@ -241,7 +235,7 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22">NEDerivativeKernel</a> </li> <li>NEEdgeNonMaxSuppressionKernel() -: <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a7e3beb7abd77b10e6630ae83f33e558b">NEEdgeNonMaxSuppressionKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a4403ce6bb21831222942bb8904201e42">NEEdgeNonMaxSuppressionKernel</a> </li> <li>NEEdgeTraceKernel() : <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a612c2d90812d66a7ce4c2f588b5845c4">NEEdgeTraceKernel</a> @@ -324,14 +318,11 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); <li>NEHistogram() : <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">NEHistogram</a> </li> -<li>NEHistogramBorderKernel() -: <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2">NEHistogramBorderKernel</a> -</li> <li>NEHistogramKernel() : <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a> </li> <li>NEHOGBlockNormalizationKernel() -: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a2326d9458e2047eef9b26745db76ad79">NEHOGBlockNormalizationKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a3f9eda786b67908885c93faf5eb55594">NEHOGBlockNormalizationKernel</a> </li> <li>NEHOGDescriptor() : <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653">NEHOGDescriptor</a> @@ -349,7 +340,7 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#afb444379f57371804cf7b586bea94115">NEHOGNonMaximaSuppressionKernel</a> </li> <li>NEHOGOrientationBinningKernel() -: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#af2fb5e2868809c6b7e1e472dd34ddbea">NEHOGOrientationBinningKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a5a1b3543ffcd941a0f3b5bc2b058c92e">NEHOGOrientationBinningKernel</a> </li> <li>NEIm2ColKernel() : <a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aec5fb874227c941e8ac14de3d29e543b">NEIm2ColKernel</a> @@ -367,7 +358,7 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051">NELogits1DMaxKernel</a> </li> <li>NELogits1DNormKernel() -: <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4">NELogits1DNormKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad">NELogits1DNormKernel</a> </li> <li>NELogits1DShiftExpSumKernel() : <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a47f13f5423a3a7e32d82e74a6c918cac">NELogits1DShiftExpSumKernel</a> @@ -382,16 +373,16 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml#a08ebd3b5f0e06c72c512d799cd9fccd2">NEMeanStdDev</a> </li> <li>NEMeanStdDevKernel() -: <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6a85f552b312ad2560ae02676db95f9e">NEMeanStdDevKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a1a1acc45068c69bc66b6d5d530d7b63f">NEMeanStdDevKernel</a> </li> <li>NEMinMaxKernel() -: <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a6838da666c340e4d73e8779d710a2dfd">NEMinMaxKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a14c484d0c1759b7163e3691ea1bb8bb5">NEMinMaxKernel</a> </li> <li>NEMinMaxLocation() : <a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml#ae1e54926ff0f8534bbd3a97d9c0fdaa2">NEMinMaxLocation</a> </li> <li>NEMinMaxLocationKernel() -: <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6971de3cc78ca3734cc210752253f76b">NEMinMaxLocationKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a41c506659961dcf1f935ae6e349f0d54">NEMinMaxLocationKernel</a> </li> <li>NENonLinearFilterKernel() : <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a96fdf0f338c5dc5cee8fc2cad8b37b6b">NENonLinearFilterKernel</a> @@ -406,25 +397,25 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#ab3498b8beb89599cee12a9e2ac083d88">NENormalizationLayerKernel</a> </li> <li>NEOpticalFlow() -: <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a> +: <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#ad5dfdcf45ad38c48cd725b0fdc675b34">NEOpticalFlow</a> </li> <li>NEPixelWiseMultiplicationKernel() -: <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ac23503429643fa0415fd64b1fc17e40c">NEPixelWiseMultiplicationKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a75e09a8ec40fb21b0f71421960b540a6">NEPixelWiseMultiplicationKernel</a> </li> <li>NEPoolingLayerKernel() : <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#ab35670d771933fa900a8cccae52cc0dd">NEPoolingLayerKernel</a> </li> <li>NERemapKernel() -: <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#a02121cbb8760314f74f08d6b36a2cbbc">NERemapKernel</a> </li> <li>NEScale() : <a class="el" href="classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657">NEScale</a> </li> <li>NEScaleKernel() -: <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#ae1d7843aaf1b5e13bf8403e44249b97a">NEScaleKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#afaad06478be3721ab81bb31303e3036d">NEScaleKernel</a> </li> <li>NEScharr3x3Kernel() -: <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa92e67ceef8ce3ddbee234f9f3a28220">NEScharr3x3Kernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a> </li> <li>NESeparableConvolutionHorKernel() : <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a965a154580e00968b45aa6268986cd51">NESeparableConvolutionHorKernel< matrix_size ></a> @@ -433,7 +424,7 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ac3aaa23fc2c41fdb7a6de14841631fbd">NESeparableConvolutionVertKernel< matrix_size ></a> </li> <li>NESobel3x3Kernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#afb53206c970a06eec11dc2d7fb30819d">NESobel3x3Kernel</a> </li> <li>NESobel5x5() : <a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d">NESobel5x5</a> @@ -442,28 +433,28 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ab3fe9be760d9e2faa8cb36872889fc98">NESobel5x5HorKernel</a> </li> <li>NESobel5x5VertKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a2ff0db37338bc4f3cbc18e51ce0317ae">NESobel5x5VertKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#aefe5ee52a24df017a67c5fe79ac0d19f">NESobel5x5VertKernel</a> </li> <li>NESobel7x7() : <a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a">NESobel7x7</a> </li> <li>NESobel7x7HorKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad408b442a132acdbcf1e6c28100d2c2e">NESobel7x7HorKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a> </li> <li>NESobel7x7VertKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ac554b9298d627c5cc4468cf77d8d568d">NESobel7x7VertKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a685552a5f91d30d8f5b4ce2003771d18">NESobel7x7VertKernel</a> </li> <li>NESoftmaxLayer() : <a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7">NESoftmaxLayer</a> </li> <li>NETableLookupKernel() -: <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507">NETableLookupKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1">NETableLookupKernel</a> </li> <li>NEThresholdKernel() : <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45">NEThresholdKernel</a> </li> <li>NETransposeKernel() -: <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#a3a5122ad042e8f04a6cd96980bce3d49">NETransposeKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#a46381b755f709be78595e61225c71afe">NETransposeKernel</a> </li> <li>norm_size() : <a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349">NormalizationLayerInfo</a> @@ -529,7 +520,7 @@ $(document).ready(function(){initNavTree('functions_func_n.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_o.xhtml b/documentation/functions_func_o.xhtml index 3e38b8281..ee3c001a3 100644 --- a/documentation/functions_func_o.xhtml +++ b/documentation/functions_func_o.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -207,10 +207,10 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">CLFillBorderKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410">CLGaussianPyramid</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">CLGaussianPyramidHorKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a">CLGaussianPyramidVertKernel</a> +, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a587092ed39eaf708edbaa65e2e656ac3">CLGaussianPyramidVertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34">CLGEMMInterleave4x4Kernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999">CLGEMMLowpMatrixMultiplyKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b">CLGEMMMatrixAccumulateBiasesKernel</a> +, <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8">CLGEMMMatrixAccumulateBiasesKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8">CLGEMMMatrixAdditionKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1">CLGEMMMatrixMultiplyKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8">CLGradientKernel</a> @@ -230,10 +230,10 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a">CLMagnitudePhaseKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d">CLMeanStdDevKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6">CLMinMaxKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69">CLMinMaxLocation</a> +, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed">CLMinMaxLocation</a> , <a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9">CLMinMaxLocationKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f">CLNormalizationLayerKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634">CLOpticalFlow</a> +, <a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27">CLOpticalFlow</a> , <a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c">CLPixelWiseMultiplicationKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2">CLPoolingLayerKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e">CLRemapKernel</a> @@ -246,7 +246,7 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">CLTensorAllocator</a> , <a class="el" href="classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d">Coordinates</a> , <a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207">CPPCornerCandidatesKernel</a> -, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6">CPPSortEuclideanDistanceKernel</a> +, <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333">CPPSortEuclideanDistanceKernel</a> , <a class="el" href="classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903">Dimensions< T ></a> , <a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590">HOGInfo</a> , <a class="el" href="classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b">ICLArray< T ></a> @@ -257,44 +257,43 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">ICPPSimpleKernel</a> , <a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1">ILutAllocator</a> , <a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">INEHarrisScoreKernel</a> -, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7">INEWarpKernel</a> -, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6">ITensorAllocator</a> -, <a class="el" href="classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75">Kernel</a> +, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">INEWarpKernel</a> +, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">ITensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10">Kernel</a> , <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857">NEAbsoluteDifferenceKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5">NEActivationLayerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2">NEArithmeticAdditionKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3">NEArithmeticSubtractionKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73">NEBitwiseAndKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2">NEArithmeticSubtractionKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4">NEBitwiseAndKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d">NEBitwiseNotKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb">NEBitwiseOrKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6">NEBitwiseOrKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652">NEBitwiseXorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359">NECannyEdge</a> , <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130">NEChannelCombineKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757">NEChannelExtractKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467">NECol2ImKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c">NEColorConvertKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">NEColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9">NEConvolutionLayerWeightsReshapeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8">NEConvolutionRectangleKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2">NEDepthConvert</a> -, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd">NEDerivativeKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591">NEDerivativeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28">NEEdgeNonMaxSuppressionKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5">NEEdgeTraceKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b">NEEdgeTraceKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21">NEFastCornersKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674">NEFillArrayKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">NEFillBorderKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43">NEFillInnerBorderKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31">NEFillInnerBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3">NEGaussianPyramid</a> -, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">NEGaussianPyramidHorKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362">NEGaussianPyramidVertKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429">NEGaussianPyramidHorKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e">NEGaussianPyramidVertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160">NEGEMMLowpMatrixMultiplyKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90">NEGEMMMatrixAccumulateBiasesKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1">NEGEMMMatrixAccumulateBiasesKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60">NEGEMMMatrixAdditionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d">NEGEMMMatrixMultiplyKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">NEGradientKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4">NEHistogramBorderKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801">NEGradientKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd">NEHistogramKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f">NEHOGBlockNormalizationKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f">NEHOGBlockNormalizationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f">NEHOGDetectorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99">NEHOGMultiDetection</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3">NEHOGNonMaximaSuppressionKernel</a> @@ -304,12 +303,12 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7">NELogits1DNormKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3">NELogits1DShiftExpSumKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a> -, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b">NEMagnitudePhaseKernel< mag_type, phase_type ></a> +, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037">NEMagnitudePhaseKernel< mag_type, phase_type ></a> , <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c">NEMeanStdDevKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e">NEMinMaxKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774">NEMinMaxLocationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a">NENonLinearFilterKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d">NENonMaximaSuppression3x3Kernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565">NENonMaximaSuppression3x3Kernel</a> , <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe">NENormalizationLayerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441">NEOpticalFlow</a> , <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19">NEPixelWiseMultiplicationKernel</a> @@ -317,9 +316,9 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673">NERemapKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596">NEScaleKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6">NEScharr3x3Kernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e">NESobel3x3Kernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92">NESobel5x5HorKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a">NESobel5x5VertKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">NESobel3x3Kernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">NESobel5x5HorKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953">NESobel5x5VertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40">NESobel7x7HorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f">NESobel7x7VertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc">NETableLookupKernel</a> @@ -329,7 +328,7 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112">Size2D</a> , <a class="el" href="classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5">Steps</a> -, <a class="el" href="classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc">Strides</a> +, <a class="el" href="classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007">Strides</a> , <a class="el" href="classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe">Tensor</a> , <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">TensorInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a">TensorShape</a> @@ -349,7 +348,7 @@ $(document).ready(function(){initNavTree('functions_func_o.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_p.xhtml b/documentation/functions_func_p.xhtml index 9c05840ca..2fa015b5b 100644 --- a/documentation/functions_func_p.xhtml +++ b/documentation/functions_func_p.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -214,7 +214,7 @@ $(document).ready(function(){initNavTree('functions_func_p.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_q.xhtml b/documentation/functions_func_q.xhtml index 37ec8c286..aee04dea9 100644 --- a/documentation/functions_func_q.xhtml +++ b/documentation/functions_func_q.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -164,7 +164,7 @@ $(document).ready(function(){initNavTree('functions_func_q.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_r.xhtml b/documentation/functions_func_r.xhtml index 2ac2563ef..1a8b312f4 100644 --- a/documentation/functions_func_r.xhtml +++ b/documentation/functions_func_r.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -272,13 +272,11 @@ $(document).ready(function(){initNavTree('functions_func_r.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECol2ImKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEColorConvertKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution5x5</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution7x7</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution9x9</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionLayer</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionLayerWeightsReshapeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionRectangleKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionSquare< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDepthConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">NEDerivative</a> @@ -316,7 +314,6 @@ $(document).ready(function(){initNavTree('functions_func_r.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreFP16Kernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreKernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHistogram</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGBlockNormalizationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGDescriptor</a> @@ -371,7 +368,7 @@ $(document).ready(function(){initNavTree('functions_func_r.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_s.xhtml b/documentation/functions_func_s.xhtml index 71c19e85b..0156b6da5 100644 --- a/documentation/functions_func_s.xhtml +++ b/documentation/functions_func_s.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -244,7 +244,8 @@ $(document).ready(function(){initNavTree('functions_func_s.xhtml','');}); : <a class="el" href="classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a">Window</a> </li> <li>start() -: <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375">Window::Dimension</a> +: <a class="el" href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed">ValidRegion</a> +, <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375">Window::Dimension</a> </li> <li>step() : <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4">Window::Dimension</a> @@ -256,7 +257,7 @@ $(document).ready(function(){initNavTree('functions_func_s.xhtml','');}); : <a class="el" href="classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a">PadStrideInfo</a> </li> <li>Strides() -: <a class="el" href="classarm__compute_1_1_strides.xhtml#aff8ae27aa78df0ff95b55bbf726c92da">Strides</a> +: <a class="el" href="classarm__compute_1_1_strides.xhtml#a6b0793690f5dce340a23009dbd04f482">Strides</a> </li> <li>strides_in_bytes() : <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">TensorInfo</a> @@ -270,7 +271,7 @@ $(document).ready(function(){initNavTree('functions_func_s.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_t.xhtml b/documentation/functions_func_t.xhtml index be1e6848d..239836e4b 100644 --- a/documentation/functions_func_t.xhtml +++ b/documentation/functions_func_t.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -194,7 +194,7 @@ $(document).ready(function(){initNavTree('functions_func_t.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_u.xhtml b/documentation/functions_func_u.xhtml index b5136cf9a..2344822f6 100644 --- a/documentation/functions_func_u.xhtml +++ b/documentation/functions_func_u.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -193,7 +193,7 @@ $(document).ready(function(){initNavTree('functions_func_u.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_v.xhtml b/documentation/functions_func_v.xhtml index 3e3bbd285..8dd3263fa 100644 --- a/documentation/functions_func_v.xhtml +++ b/documentation/functions_func_v.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -170,7 +170,7 @@ $(document).ready(function(){initNavTree('functions_func_v.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_w.xhtml b/documentation/functions_func_w.xhtml index 13679a9a0..644811359 100644 --- a/documentation/functions_func_w.xhtml +++ b/documentation/functions_func_w.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -172,7 +172,7 @@ $(document).ready(function(){initNavTree('functions_func_w.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_x.xhtml b/documentation/functions_func_x.xhtml index f2b493d6a..d0e920d63 100644 --- a/documentation/functions_func_x.xhtml +++ b/documentation/functions_func_x.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -165,7 +165,7 @@ $(document).ready(function(){initNavTree('functions_func_x.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_y.xhtml b/documentation/functions_func_y.xhtml index bb3918bc8..3e92b2257 100644 --- a/documentation/functions_func_y.xhtml +++ b/documentation/functions_func_y.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -165,7 +165,7 @@ $(document).ready(function(){initNavTree('functions_func_y.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_func_z.xhtml b/documentation/functions_func_z.xhtml index f545a7d70..e55e78aa8 100644 --- a/documentation/functions_func_z.xhtml +++ b/documentation/functions_func_z.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -165,7 +165,7 @@ $(document).ready(function(){initNavTree('functions_func_z.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_g.xhtml b/documentation/functions_g.xhtml index 5704f664e..996c828c2 100644 --- a/documentation/functions_g.xhtml +++ b/documentation/functions_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -173,7 +173,7 @@ $(document).ready(function(){initNavTree('functions_g.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_h.xhtml b/documentation/functions_h.xhtml index dde407f4e..7278604cb 100644 --- a/documentation/functions_h.xhtml +++ b/documentation/functions_h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ $(document).ready(function(){initNavTree('functions_h.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_i.xhtml b/documentation/functions_i.xhtml index c77776921..d747bfefe 100644 --- a/documentation/functions_i.xhtml +++ b/documentation/functions_i.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ $(document).ready(function(){initNavTree('functions_i.xhtml','');}); : <a class="el" href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f">ICLSimpleKernel</a> </li> <li>ICLTensor() -: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce">ICLTensor</a> +: <a class="el" href="classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03">ICLTensor</a> </li> <li>ICPPSimpleKernel() : <a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4">ICPPSimpleKernel</a> @@ -238,19 +238,19 @@ $(document).ready(function(){initNavTree('functions_i.xhtml','');}); , <a class="el" href="classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637">MultiImage</a> , <a class="el" href="classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637">MultiImageInfo</a> , <a class="el" href="classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff">Pyramid</a> -, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e">PyramidInfo</a> +, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4">TensorAllocator</a> -, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea">TensorInfo</a> +, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#af3717e26c7309fda3be6e7e87f142eab">TensorInfo</a> </li> <li>init_auto_padding() : <a class="el" href="classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723">CLMultiImage</a> , <a class="el" href="classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115">CLPyramid</a> , <a class="el" href="classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723">MultiImage</a> , <a class="el" href="classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115">Pyramid</a> -, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b">TensorInfo</a> +, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52">TensorInfo</a> </li> <li>init_image() -: <a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">PPMLoader</a> +: <a class="el" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">PPMLoader</a> </li> <li>IOFormatInfo() : <a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0">IOFormatInfo</a> @@ -266,7 +266,6 @@ $(document).ready(function(){initNavTree('functions_i.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEEdgeTraceKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEFillArrayKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHistogramBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEHOGNonMaximaSuppressionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEIntegralImageKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283">NEMinMaxLocationKernel</a> @@ -295,7 +294,7 @@ $(document).ready(function(){initNavTree('functions_i.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_k.xhtml b/documentation/functions_k.xhtml index 4472960a9..4d9b15229 100644 --- a/documentation/functions_k.xhtml +++ b/documentation/functions_k.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -163,7 +163,7 @@ $(document).ready(function(){initNavTree('functions_k.xhtml','');}); : <a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e">ICLKernel</a> </li> <li>Kernel() -: <a class="el" href="classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1">Kernel</a> +: <a class="el" href="classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925">Kernel</a> </li> </ul> </div><!-- contents --> @@ -171,7 +171,7 @@ $(document).ready(function(){initNavTree('functions_k.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_l.xhtml b/documentation/functions_l.xhtml index 49795b353..bc8d2c931 100644 --- a/documentation/functions_l.xhtml +++ b/documentation/functions_l.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -177,7 +177,7 @@ $(document).ready(function(){initNavTree('functions_l.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_m.xhtml b/documentation/functions_m.xhtml index 1fd4d66dd..03cc8d4d9 100644 --- a/documentation/functions_m.xhtml +++ b/documentation/functions_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -196,7 +196,7 @@ $(document).ready(function(){initNavTree('functions_m.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_n.xhtml b/documentation/functions_n.xhtml index 644aec810..b38a2f46a 100644 --- a/documentation/functions_n.xhtml +++ b/documentation/functions_n.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,15 +205,6 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); <li>NEColorConvertKernel() : <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d">NEColorConvertKernel</a> </li> -<li>NEConvolution5x5() -: <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66">NEConvolution5x5</a> -</li> -<li>NEConvolution7x7() -: <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621">NEConvolution7x7</a> -</li> -<li>NEConvolution9x9() -: <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471">NEConvolution9x9</a> -</li> <li>NEConvolutionKernel() : <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8">NEConvolutionKernel< matrix_size ></a> </li> @@ -226,6 +217,9 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); <li>NEConvolutionRectangleKernel() : <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3">NEConvolutionRectangleKernel</a> </li> +<li>NEConvolutionSquare() +: <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b">NEConvolutionSquare< matrix_size ></a> +</li> <li>NECumulativeDistributionKernel() : <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640">NECumulativeDistributionKernel</a> </li> @@ -242,7 +236,7 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22">NEDerivativeKernel</a> </li> <li>NEEdgeNonMaxSuppressionKernel() -: <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a7e3beb7abd77b10e6630ae83f33e558b">NEEdgeNonMaxSuppressionKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a4403ce6bb21831222942bb8904201e42">NEEdgeNonMaxSuppressionKernel</a> </li> <li>NEEdgeTraceKernel() : <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a612c2d90812d66a7ce4c2f588b5845c4">NEEdgeTraceKernel</a> @@ -325,14 +319,11 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); <li>NEHistogram() : <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8">NEHistogram</a> </li> -<li>NEHistogramBorderKernel() -: <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2">NEHistogramBorderKernel</a> -</li> <li>NEHistogramKernel() : <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d">NEHistogramKernel</a> </li> <li>NEHOGBlockNormalizationKernel() -: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a2326d9458e2047eef9b26745db76ad79">NEHOGBlockNormalizationKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a3f9eda786b67908885c93faf5eb55594">NEHOGBlockNormalizationKernel</a> </li> <li>NEHOGDescriptor() : <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653">NEHOGDescriptor</a> @@ -350,7 +341,7 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#afb444379f57371804cf7b586bea94115">NEHOGNonMaximaSuppressionKernel</a> </li> <li>NEHOGOrientationBinningKernel() -: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#af2fb5e2868809c6b7e1e472dd34ddbea">NEHOGOrientationBinningKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a5a1b3543ffcd941a0f3b5bc2b058c92e">NEHOGOrientationBinningKernel</a> </li> <li>NEIm2ColKernel() : <a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aec5fb874227c941e8ac14de3d29e543b">NEIm2ColKernel</a> @@ -368,7 +359,7 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051">NELogits1DMaxKernel</a> </li> <li>NELogits1DNormKernel() -: <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4">NELogits1DNormKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad">NELogits1DNormKernel</a> </li> <li>NELogits1DShiftExpSumKernel() : <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a47f13f5423a3a7e32d82e74a6c918cac">NELogits1DShiftExpSumKernel</a> @@ -377,34 +368,34 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a67985137eb73958ea7b152935484332c">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a> </li> <li>NEMagnitudePhaseKernel() -: <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a53c147feec3c6f2912779194fa2b5513">NEMagnitudePhaseKernel< mag_type, phase_type ></a> +: <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#aebf700d44017c1ff38ad0d3741aaac56">NEMagnitudePhaseKernel< mag_type, phase_type ></a> </li> <li>NEMeanStdDev() : <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml#a08ebd3b5f0e06c72c512d799cd9fccd2">NEMeanStdDev</a> </li> <li>NEMeanStdDevKernel() -: <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6a85f552b312ad2560ae02676db95f9e">NEMeanStdDevKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a1a1acc45068c69bc66b6d5d530d7b63f">NEMeanStdDevKernel</a> </li> <li>NEMinMaxKernel() -: <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a6838da666c340e4d73e8779d710a2dfd">NEMinMaxKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a14c484d0c1759b7163e3691ea1bb8bb5">NEMinMaxKernel</a> </li> <li>NEMinMaxLocation() : <a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml#ae1e54926ff0f8534bbd3a97d9c0fdaa2">NEMinMaxLocation</a> </li> <li>NEMinMaxLocationKernel() -: <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6971de3cc78ca3734cc210752253f76b">NEMinMaxLocationKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a41c506659961dcf1f935ae6e349f0d54">NEMinMaxLocationKernel</a> </li> <li>NENonLinearFilterKernel() -: <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a96fdf0f338c5dc5cee8fc2cad8b37b6b">NENonLinearFilterKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#aa8b392e0f9752f58bad0899fbf05062d">NENonLinearFilterKernel</a> </li> <li>NENonMaximaSuppression3x3Kernel() -: <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78">NENonMaximaSuppression3x3Kernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#ae4b41758a959cb874f3d8a179fd37a7e">NENonMaximaSuppression3x3Kernel</a> </li> <li>NENormalizationLayer() : <a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml#a37c02a72e62b5add96e4f99e81b0ecc3">NENormalizationLayer</a> </li> <li>NENormalizationLayerKernel() -: <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#ab3498b8beb89599cee12a9e2ac083d88">NENormalizationLayerKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700">NENormalizationLayerKernel</a> </li> <li>NEOpticalFlow() : <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c">NEOpticalFlow</a> @@ -413,10 +404,10 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ac23503429643fa0415fd64b1fc17e40c">NEPixelWiseMultiplicationKernel</a> </li> <li>NEPoolingLayerKernel() -: <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#ab35670d771933fa900a8cccae52cc0dd">NEPoolingLayerKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1">NEPoolingLayerKernel</a> </li> <li>NERemapKernel() -: <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e">NERemapKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#af892b3094dc3ab5b8eea6f0d9ab4b47d">NERemapKernel</a> </li> <li>NEScale() : <a class="el" href="classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657">NEScale</a> @@ -425,7 +416,7 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#ae1d7843aaf1b5e13bf8403e44249b97a">NEScaleKernel</a> </li> <li>NEScharr3x3Kernel() -: <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa92e67ceef8ce3ddbee234f9f3a28220">NEScharr3x3Kernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309">NEScharr3x3Kernel</a> </li> <li>NESeparableConvolutionHorKernel() : <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a965a154580e00968b45aa6268986cd51">NESeparableConvolutionHorKernel< matrix_size ></a> @@ -434,31 +425,31 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); : <a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ac3aaa23fc2c41fdb7a6de14841631fbd">NESeparableConvolutionVertKernel< matrix_size ></a> </li> <li>NESobel3x3Kernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810">NESobel3x3Kernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#afb53206c970a06eec11dc2d7fb30819d">NESobel3x3Kernel</a> </li> <li>NESobel5x5() : <a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d">NESobel5x5</a> </li> <li>NESobel5x5HorKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b">NESobel5x5HorKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ab3fe9be760d9e2faa8cb36872889fc98">NESobel5x5HorKernel</a> </li> <li>NESobel5x5VertKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#ab46cf54e2df5a20b634660a06e48e9d5">NESobel5x5VertKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a2ff0db37338bc4f3cbc18e51ce0317ae">NESobel5x5VertKernel</a> </li> <li>NESobel7x7() : <a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a">NESobel7x7</a> </li> <li>NESobel7x7HorKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ac9d0ac2c616250612ac3835839480cc3">NESobel7x7HorKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143">NESobel7x7HorKernel</a> </li> <li>NESobel7x7VertKernel() -: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a685552a5f91d30d8f5b4ce2003771d18">NESobel7x7VertKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ac554b9298d627c5cc4468cf77d8d568d">NESobel7x7VertKernel</a> </li> <li>NESoftmaxLayer() : <a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7">NESoftmaxLayer</a> </li> <li>NETableLookupKernel() -: <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507">NETableLookupKernel</a> +: <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1">NETableLookupKernel</a> </li> <li>NEThresholdKernel() : <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45">NEThresholdKernel</a> @@ -533,7 +524,7 @@ $(document).ready(function(){initNavTree('functions_n.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_o.xhtml b/documentation/functions_o.xhtml index 4e4141d8b..2415c2ba3 100644 --- a/documentation/functions_o.xhtml +++ b/documentation/functions_o.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -189,7 +189,7 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_access_window_rectangle.xhtml#abdf21e65ee4cc7cf79a43e3de64dcc7e">AccessWindowRectangle</a> , <a class="el" href="classarm__compute_1_1_access_window_static.xhtml#af5312479f43d5fd6c46e4e8473049847">AccessWindowStatic</a> , <a class="el" href="classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a71db1bd13fefa2e7fda34b8fffa4a863">CLAbsoluteDifferenceKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#ab83a6646bb7b3fc2fb272f0979b4a458">CLArithmeticAdditionKernel</a> +, <a class="el" href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a9ac3572e118daa7e7564a61cc4a0cb02">CLArithmeticAdditionKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a6fd57c96408ff45f650654afa803b13e">CLArithmeticSubtractionKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_array.xhtml#a30c5bc8ac7572a16644c3c88daa90f49">CLArray< T ></a> , <a class="el" href="classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#aa172a2abdd7040105f2be39a50f6cff2">CLBitwiseAndKernel</a> @@ -210,7 +210,7 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac5e031f7c81be9bbac3372bb6edbd344">CLFastCornersKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86">CLFillBorderKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410">CLGaussianPyramid</a> -, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#ae05299dbd8e52799fc34298966f0375d">CLGaussianPyramidHorKernel</a> +, <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a">CLGaussianPyramidHorKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a">CLGaussianPyramidVertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34">CLGEMMInterleave4x4Kernel</a> , <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999">CLGEMMLowpMatrixMultiplyKernel</a> @@ -234,7 +234,7 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a">CLMagnitudePhaseKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d">CLMeanStdDevKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6">CLMinMaxKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed">CLMinMaxLocation</a> +, <a class="el" href="classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69">CLMinMaxLocation</a> , <a class="el" href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9">CLMinMaxLocationKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f">CLNormalizationLayerKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634">CLOpticalFlow</a> @@ -247,9 +247,9 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c">CLSobel5x5VertKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef">CLSobel7x7HorKernel</a> , <a class="el" href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4">CLSobel7x7VertKernel</a> -, <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3">CLTensorAllocator</a> +, <a class="el" href="classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f">CLTensorAllocator</a> , <a class="el" href="classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d">Coordinates</a> -, <a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85">CPPCornerCandidatesKernel</a> +, <a class="el" href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207">CPPCornerCandidatesKernel</a> , <a class="el" href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6">CPPSortEuclideanDistanceKernel</a> , <a class="el" href="classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903">Dimensions< T ></a> , <a class="el" href="classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590">HOGInfo</a> @@ -261,12 +261,12 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000">ICPPSimpleKernel</a> , <a class="el" href="classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1">ILutAllocator</a> , <a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c">INEHarrisScoreKernel</a> -, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7">INEWarpKernel</a> +, <a class="el" href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae">INEWarpKernel</a> , <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268">ITensorAllocator</a> , <a class="el" href="classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10">Kernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857">NEAbsoluteDifferenceKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907">NEActivationLayerKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2">NEArithmeticAdditionKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c">NEAbsoluteDifferenceKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5">NEActivationLayerKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8">NEArithmeticAdditionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3">NEArithmeticSubtractionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73">NEBitwiseAndKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d">NEBitwiseNotKernel</a> @@ -276,66 +276,65 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130">NEChannelCombineKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467">NECol2ImKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112">NEColorConvertKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c">NEColorConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9">NEConvolutionLayerWeightsReshapeKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8">NEConvolutionRectangleKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8">NEConvolutionRectangleKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2">NEDepthConvert</a> -, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd">NEDerivativeKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591">NEDerivativeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28">NEEdgeNonMaxSuppressionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5">NEEdgeTraceKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa">NEFastCornersKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21">NEFastCornersKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf">NEFillArrayKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574">NEFillBorderKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89">NEFillBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43">NEFillInnerBorderKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2">NEGaussianPyramid</a> -, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429">NEGaussianPyramidHorKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3">NEGaussianPyramid</a> +, <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7">NEGaussianPyramidHorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362">NEGaussianPyramidVertKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e">NEGEMMLowpMatrixMultiplyKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160">NEGEMMLowpMatrixMultiplyKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90">NEGEMMMatrixAccumulateBiasesKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657">NEGEMMMatrixAdditionKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670">NEGEMMMatrixMultiplyKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35">NEGradientKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05">NEHistogramBorderKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b">NEHistogramKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60">NEGEMMMatrixAdditionKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d">NEGEMMMatrixMultiplyKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801">NEGradientKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd">NEHistogramKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f">NEHOGBlockNormalizationKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f">NEHOGDetectorKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8">NEHOGDetectorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99">NEHOGMultiDetection</a> -, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878">NEHOGNonMaximaSuppressionKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79">NEHOGOrientationBinningKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3">NEHOGNonMaximaSuppressionKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1">NEHOGOrientationBinningKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8">NEIm2ColKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f">NELKTrackerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0">NELogits1DNormKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3">NELogits1DShiftExpSumKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a">NELogits1DShiftExpSumKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a> -, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037">NEMagnitudePhaseKernel< mag_type, phase_type ></a> +, <a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b">NEMagnitudePhaseKernel< mag_type, phase_type ></a> , <a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d">NEMeanStdDevKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971">NEMinMaxKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190">NEMinMaxLocationKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db">NENonLinearFilterKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d">NENonMaximaSuppression3x3Kernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290">NENormalizationLayerKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a">NENonLinearFilterKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565">NENonMaximaSuppression3x3Kernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe">NENormalizationLayerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441">NEOpticalFlow</a> -, <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991">NEPixelWiseMultiplicationKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19">NEPixelWiseMultiplicationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b">NEPoolingLayerKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673">NERemapKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7">NEScaleKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b">NEScharr3x3Kernel</a> , <a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40">NESobel3x3Kernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92">NESobel5x5HorKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953">NESobel5x5VertKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce">NESobel5x5HorKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a">NESobel5x5VertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7">NESobel7x7HorKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f">NESobel7x7VertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc">NETableLookupKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2">NEThresholdKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911">NETransposeKernel</a> -, <a class="el" href="classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d">Program</a> -, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9">PyramidInfo</a> +, <a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030">NETransposeKernel</a> +, <a class="el" href="classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140">Program</a> +, <a class="el" href="classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34">PyramidInfo</a> , <a class="el" href="classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112">Size2D</a> , <a class="el" href="classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1">Steps</a> , <a class="el" href="classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007">Strides</a> , <a class="el" href="classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe">Tensor</a> -, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e">TensorInfo</a> +, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b">TensorInfo</a> , <a class="el" href="classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00">TensorShape</a> , <a class="el" href="structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2">ValidRegion</a> , <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2">Window::Dimension</a> @@ -357,7 +356,7 @@ $(document).ready(function(){initNavTree('functions_o.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_p.xhtml b/documentation/functions_p.xhtml index 4c5605959..870d092af 100644 --- a/documentation/functions_p.xhtml +++ b/documentation/functions_p.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -233,7 +233,7 @@ $(document).ready(function(){initNavTree('functions_p.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_q.xhtml b/documentation/functions_q.xhtml index f7469a7d4..013ca3365 100644 --- a/documentation/functions_q.xhtml +++ b/documentation/functions_q.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -165,7 +165,7 @@ $(document).ready(function(){initNavTree('functions_q.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_r.xhtml b/documentation/functions_r.xhtml index 86d141f53..67c7561e5 100644 --- a/documentation/functions_r.xhtml +++ b/documentation/functions_r.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -285,13 +285,11 @@ $(document).ready(function(){initNavTree('functions_r.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEChannelExtractKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECol2ImKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEColorConvertKernel</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution5x5</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution7x7</a> -, <a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution9x9</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionKernel< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionLayer</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionLayerWeightsReshapeKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEConvolutionRectangleKernel</a> +, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionSquare< matrix_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NECumulativeDistributionKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEDepthConvertKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb">NEDerivative</a> @@ -329,7 +327,6 @@ $(document).ready(function(){initNavTree('functions_r.xhtml','');}); , <a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreFP16Kernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHarrisScoreKernel< block_size ></a> , <a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHistogram</a> -, <a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramBorderKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHistogramKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69">NEHOGBlockNormalizationKernel</a> , <a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb">NEHOGDescriptor</a> @@ -384,7 +381,7 @@ $(document).ready(function(){initNavTree('functions_r.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_s.xhtml b/documentation/functions_s.xhtml index c726a709b..89999ee82 100644 --- a/documentation/functions_s.xhtml +++ b/documentation/functions_s.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -259,7 +259,8 @@ $(document).ready(function(){initNavTree('functions_s.xhtml','');}); : <a class="el" href="classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a">Window</a> </li> <li>start() -: <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375">Window::Dimension</a> +: <a class="el" href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed">ValidRegion</a> +, <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375">Window::Dimension</a> </li> <li>step() : <a class="el" href="classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4">Window::Dimension</a> @@ -287,7 +288,7 @@ $(document).ready(function(){initNavTree('functions_s.xhtml','');}); : <a class="el" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">Tensor3D</a> </li> <li>Strides() -: <a class="el" href="classarm__compute_1_1_strides.xhtml#aff8ae27aa78df0ff95b55bbf726c92da">Strides</a> +: <a class="el" href="classarm__compute_1_1_strides.xhtml#a6b0793690f5dce340a23009dbd04f482">Strides</a> </li> <li>strides_in_bytes() : <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">TensorInfo</a> @@ -301,7 +302,7 @@ $(document).ready(function(){initNavTree('functions_s.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_t.xhtml b/documentation/functions_t.xhtml index cecd4284a..2ab21e217 100644 --- a/documentation/functions_t.xhtml +++ b/documentation/functions_t.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ $(document).ready(function(){initNavTree('functions_t.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_u.xhtml b/documentation/functions_u.xhtml index cfabc6afc..ef9659d0d 100644 --- a/documentation/functions_u.xhtml +++ b/documentation/functions_u.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -203,7 +203,7 @@ $(document).ready(function(){initNavTree('functions_u.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_v.xhtml b/documentation/functions_v.xhtml index ad8880985..8bd2fb1ed 100644 --- a/documentation/functions_v.xhtml +++ b/documentation/functions_v.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -174,7 +174,7 @@ $(document).ready(function(){initNavTree('functions_v.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_vars.xhtml b/documentation/functions_vars.xhtml index 32be8cd32..e9526efcb 100644 --- a/documentation/functions_vars.xhtml +++ b/documentation/functions_vars.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -448,7 +448,7 @@ $(document).ready(function(){initNavTree('functions_vars.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_w.xhtml b/documentation/functions_w.xhtml index 5180846e2..bf0d23901 100644 --- a/documentation/functions_w.xhtml +++ b/documentation/functions_w.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -176,7 +176,7 @@ $(document).ready(function(){initNavTree('functions_w.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_x.xhtml b/documentation/functions_x.xhtml index 0a52397ac..d3b0fbb79 100644 --- a/documentation/functions_x.xhtml +++ b/documentation/functions_x.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -176,7 +176,7 @@ $(document).ready(function(){initNavTree('functions_x.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_y.xhtml b/documentation/functions_y.xhtml index 3a9ad8bfb..1e64ec942 100644 --- a/documentation/functions_y.xhtml +++ b/documentation/functions_y.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -179,7 +179,7 @@ $(document).ready(function(){initNavTree('functions_y.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/functions_z.xhtml b/documentation/functions_z.xhtml index b70d9a626..ee25a635a 100644 --- a/documentation/functions_z.xhtml +++ b/documentation/functions_z.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ $(document).ready(function(){initNavTree('functions_z.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/gaussian__pyramid_8cl.xhtml b/documentation/gaussian__pyramid_8cl.xhtml index b578e56ea..bf14cc0fa 100644 --- a/documentation/gaussian__pyramid_8cl.xhtml +++ b/documentation/gaussian__pyramid_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -365,7 +365,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="gaussian__pyramid_8cl.xhtml">gaussian_pyramid.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/gaussian__pyramid_8cl_source.xhtml b/documentation/gaussian__pyramid_8cl_source.xhtml index ae09e2d21..4e05cc1b2 100644 --- a/documentation/gaussian__pyramid_8cl_source.xhtml +++ b/documentation/gaussian__pyramid_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('gaussian__pyramid_8cl_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="gaussian__pyramid_8cl.xhtml">gaussian_pyramid.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/gemm_8cl.js b/documentation/gemm_8cl.js index da7e14d86..7e9cacb99 100644 --- a/documentation/gemm_8cl.js +++ b/documentation/gemm_8cl.js @@ -2,9 +2,9 @@ var gemm_8cl = [ [ "gemm_accumulate_biases_f16", "gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8", null ], [ "gemm_accumulate_biases_f32", "gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581", null ], - [ "gemm_interleave4x4_f16", "gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9", null ], - [ "gemm_interleave4x4_f32", "gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281", null ], - [ "gemm_interleave4x4_u8", "gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411", null ], + [ "gemm_interleave4x4_16bit", "gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b", null ], + [ "gemm_interleave4x4_32bit", "gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f", null ], + [ "gemm_interleave4x4_8bit", "gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45", null ], [ "gemm_transpose1x16_u8", "gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3", null ], [ "gemm_transpose1x4_f32", "gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1", null ], [ "gemm_transpose1x8_f16", "gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374", null ] diff --git a/documentation/gemm_8cl.xhtml b/documentation/gemm_8cl.xhtml index 45cf0e307..15786df57 100644 --- a/documentation/gemm_8cl.xhtml +++ b/documentation/gemm_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,15 +133,15 @@ Functions</h2></td></tr> <tr class="memitem:a675879eb72964ddbd5f71155da3b0cc3"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm_transpose1x16_u8</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> <tr class="memdesc:a675879eb72964ddbd5f71155da3b0cc3"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel computes the "vector" 1x16 transposition of input matrix. <a href="#a675879eb72964ddbd5f71155da3b0cc3">More...</a><br /></td></tr> <tr class="separator:a675879eb72964ddbd5f71155da3b0cc3"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:acd423b6f992354e7c00137b20d687281"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281">gemm_interleave4x4_f32</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> -<tr class="memdesc:acd423b6f992354e7c00137b20d687281"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#acd423b6f992354e7c00137b20d687281">More...</a><br /></td></tr> -<tr class="separator:acd423b6f992354e7c00137b20d687281"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ae333c12d780666b2591f7c8e9faaf5a9"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9">gemm_interleave4x4_f16</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> -<tr class="memdesc:ae333c12d780666b2591f7c8e9faaf5a9"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#ae333c12d780666b2591f7c8e9faaf5a9">More...</a><br /></td></tr> -<tr class="separator:ae333c12d780666b2591f7c8e9faaf5a9"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a830ba1cc0ad3c8cffa4a14424b2d0411"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411">gemm_interleave4x4_u8</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> -<tr class="memdesc:a830ba1cc0ad3c8cffa4a14424b2d0411"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#a830ba1cc0ad3c8cffa4a14424b2d0411">More...</a><br /></td></tr> -<tr class="separator:a830ba1cc0ad3c8cffa4a14424b2d0411"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a560b2d50aa886edc0f5daf4fe729717f"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f">gemm_interleave4x4_32bit</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> +<tr class="memdesc:a560b2d50aa886edc0f5daf4fe729717f"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#a560b2d50aa886edc0f5daf4fe729717f">More...</a><br /></td></tr> +<tr class="separator:a560b2d50aa886edc0f5daf4fe729717f"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a2f32d740e780059f68da8aa589ed0a5b"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b">gemm_interleave4x4_16bit</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> +<tr class="memdesc:a2f32d740e780059f68da8aa589ed0a5b"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#a2f32d740e780059f68da8aa589ed0a5b">More...</a><br /></td></tr> +<tr class="separator:a2f32d740e780059f68da8aa589ed0a5b"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa66a7b6b0420e54ec173743e6c5bfc45"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45">gemm_interleave4x4_8bit</a> (__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</td></tr> +<tr class="memdesc:aa66a7b6b0420e54ec173743e6c5bfc45"><td class="mdescLeft"> </td><td class="mdescRight">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. <a href="#aa66a7b6b0420e54ec173743e6c5bfc45">More...</a><br /></td></tr> +<tr class="separator:aa66a7b6b0420e54ec173743e6c5bfc45"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a7c619984bc9c31f5f6c19ecc88b56581"><td class="memItemLeft" align="right" valign="top">__kernel void </td><td class="memItemRight" valign="bottom"><a class="el" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm_accumulate_biases_f32</a> (__global uchar *accum_ptr, uint accum_stride_x, uint accum_step_x, uint accum_stride_y, uint accum_step_y, uint accum_offset_first_element_in_bytes, __global uchar *biases_ptr, uint biases_stride_x, uint biases_step_x, uint biases_offset_first_element_in_bytes)</td></tr> <tr class="memdesc:a7c619984bc9c31f5f6c19ecc88b56581"><td class="mdescLeft"> </td><td class="mdescRight">This kernel accumulates each row with the biases vector. <a href="#a7c619984bc9c31f5f6c19ecc88b56581">More...</a><br /></td></tr> <tr class="separator:a7c619984bc9c31f5f6c19ecc88b56581"><td class="memSeparator" colspan="2"> </td></tr> @@ -352,12 +352,12 @@ Functions</h2></td></tr> </div><!-- fragment --> </div> </div> -<a class="anchor" id="ae333c12d780666b2591f7c8e9faaf5a9"></a> +<a class="anchor" id="a2f32d740e780059f68da8aa589ed0a5b"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> - <td class="memname">__kernel void gemm_interleave4x4_f16 </td> + <td class="memname">__kernel void gemm_interleave4x4_16bit </td> <td>(</td> <td class="paramtype">__global uchar * </td> <td class="paramname"><em>src_ptr</em>, </td> @@ -439,13 +439,13 @@ Functions</h2></td></tr> <p>This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: F16 </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: U16/S16/F16 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_x</td><td>Stride of the source matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_x</td><td>src_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_y</td><td>Stride of the source matrix in Y dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_y</td><td>src_stride_y * number of elements along Y processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_offset_first_element_in_bytes</td><td>The offset of the first element in the source matrix </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: F16 </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: U16/S16/F16 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_x</td><td>Stride of the destination matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_step_x</td><td>dst_gx_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_y</td><td>Stride of the destination matrix in Y dimension (in bytes) </td></tr> @@ -465,12 +465,12 @@ Functions</h2></td></tr> </div><!-- fragment --> </div> </div> -<a class="anchor" id="acd423b6f992354e7c00137b20d687281"></a> +<a class="anchor" id="a560b2d50aa886edc0f5daf4fe729717f"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> - <td class="memname">__kernel void gemm_interleave4x4_f32 </td> + <td class="memname">__kernel void gemm_interleave4x4_32bit </td> <td>(</td> <td class="paramtype">__global uchar * </td> <td class="paramname"><em>src_ptr</em>, </td> @@ -552,13 +552,13 @@ Functions</h2></td></tr> <p>This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: F32 </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: U32/S32/F32 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_x</td><td>Stride of the source matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_x</td><td>src_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_y</td><td>Stride of the source matrix in Y dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_y</td><td>src_stride_y * number of elements along Y processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_offset_first_element_in_bytes</td><td>The offset of the first element in the source matrix </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: F32 </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: U32/S32/F32 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_x</td><td>Stride of the destination matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_step_x</td><td>dst_gx_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_y</td><td>Stride of the destination matrix in Y dimension (in bytes) </td></tr> @@ -578,12 +578,12 @@ Functions</h2></td></tr> </div><!-- fragment --> </div> </div> -<a class="anchor" id="a830ba1cc0ad3c8cffa4a14424b2d0411"></a> +<a class="anchor" id="aa66a7b6b0420e54ec173743e6c5bfc45"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> - <td class="memname">__kernel void gemm_interleave4x4_u8 </td> + <td class="memname">__kernel void gemm_interleave4x4_8bit </td> <td>(</td> <td class="paramtype">__global uchar * </td> <td class="paramname"><em>src_ptr</em>, </td> @@ -665,13 +665,13 @@ Functions</h2></td></tr> <p>This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: U8 </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">src_ptr</td><td>Pointer to the source matrix. Supported data types: U8/S8 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_x</td><td>Stride of the source matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_x</td><td>src_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_stride_y</td><td>Stride of the source matrix in Y dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_step_y</td><td>src_stride_y * number of elements along Y processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">src_offset_first_element_in_bytes</td><td>The offset of the first element in the source matrix </td></tr> - <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: U8 </td></tr> + <tr><td class="paramdir">[out]</td><td class="paramname">dst_ptr</td><td>Pointer to the destination matrix Supported data types: U8/S8 </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_x</td><td>Stride of the destination matrix in X dimension (in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_step_x</td><td>dst_gx_stride_x * number of elements along X processed per workitem(in bytes) </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">dst_stride_y</td><td>Stride of the destination matrix in Y dimension (in bytes) </td></tr> @@ -1030,7 +1030,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="gemm_8cl.xhtml">gemm.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/gemm_8cl_source.xhtml b/documentation/gemm_8cl_source.xhtml index 89dd4f8f4..d0cf55609 100644 --- a/documentation/gemm_8cl_source.xhtml +++ b/documentation/gemm_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,22 +116,22 @@ $(document).ready(function(){initNavTree('gemm_8cl_source.xhtml','');}); <div class="title">gemm.cl</div> </div> </div><!--header--> <div class="contents"> -<a href="gemm_8cl.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="helpers_8h.xhtml">helpers.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1"> 41</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1">gemm_transpose1x4_f32</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  vstore4(b0, 0, (__global <span class="keywordtype">float</span> *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> }</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00073"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374"> 73</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374">gemm_transpose1x8_f16</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> {</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  half8 b0 = vload8(0, (__global half *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  vstore8(b0, 0, (__global half *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3"> 105</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm_transpose1x16_u8</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> {</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> </div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  uchar16 b0 = vload16(0, (__global uchar *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> </div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  vstore16(b0, 0, (__global uchar *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00137"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281"> 137</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281">gemm_interleave4x4_f32</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  float4 a0 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float4 a1 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  float4 a2 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  float4 a3 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> </div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  float4 val0 = (float4)(a0.s0, a1.s0, a2.s0, a3.s0);</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  val0 = (float4)(a0.s1, a1.s1, a2.s1, a3.s1);</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 4);</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  val0 = (float4)(a0.s2, a1.s2, a2.s2, a3.s2);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 8);</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span> </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  val0 = (float4)(a0.s3, a1.s3, a2.s3, a3.s3);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 12);</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> }</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00178"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9"> 178</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9">gemm_interleave4x4_f16</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> {</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  half8 a0 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  half8 a1 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  half8 a2 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span>  half8 a3 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> </div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  half8 val0 = (half8)((half4)(a0.s0, a1.s0, a2.s0, a3.s0), (half4)(a0.s1, a1.s1, a2.s1, a3.s1));</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> </div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  val0 = (half8)((half4)(a0.s2, a1.s2, a2.s2, a3.s2), (half4)(a0.s3, a1.s3, a2.s3, a3.s3));</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 8);</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span> </div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  val0 = (half8)((half4)(a0.s4, a1.s4, a2.s4, a3.s4), (half4)(a0.s5, a1.s5, a2.s5, a3.s5));</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 16);</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> </div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  val0 = (half8)((half4)(a0.s6, a1.s6, a2.s6, a3.s6), (half4)(a0.s7, a1.s7, a2.s7, a3.s7));</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 24);</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> }</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span> </div><div class="line"><a name="l00219"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411"> 219</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411">gemm_interleave4x4_u8</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> {</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span> </div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  uchar16 a0 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  uchar16 a1 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span>  uchar16 a2 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span>  uchar16 a3 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> </div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  uchar16 val0 = (uchar16)((uchar4)(a0.s0, a1.s0, a2.s0, a3.s0), (uchar4)(a0.s1, a1.s1, a2.s1, a3.s1),</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  (uchar4)(a0.s2, a1.s2, a2.s2, a3.s2), (uchar4)(a0.s3, a1.s3, a2.s3, a3.s3));</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00235"></a><span class="lineno"> 235</span> </div><div class="line"><a name="l00236"></a><span class="lineno"> 236</span>  val0 = (uchar16)((uchar4)(a0.s4, a1.s4, a2.s4, a3.s4), (uchar4)(a0.s5, a1.s5, a2.s5, a3.s5),</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span>  (uchar4)(a0.s6, a1.s6, a2.s6, a3.s6), (uchar4)(a0.s7, a1.s7, a2.s7, a3.s7));</div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 16);</div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> </div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  val0 = (uchar16)((uchar4)(a0.s8, a1.s8, a2.s8, a3.s8), (uchar4)(a0.s9, a1.s9, a2.s9, a3.s9),</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  (uchar4)(a0.sA, a1.sA, a2.sA, a3.sA), (uchar4)(a0.sB, a1.sB, a2.sB, a3.sB));</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 32);</div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span> </div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span>  val0 = (uchar16)((uchar4)(a0.sC, a1.sC, a2.sC, a3.sC), (uchar4)(a0.sD, a1.sD, a2.sD, a3.sD),</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  (uchar4)(a0.sE, a1.sE, a2.sE, a3.sE), (uchar4)(a0.sF, a1.sF, a2.sF, a3.sF));</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 48);</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span> }</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span> </div><div class="line"><a name="l00262"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581"> 262</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm_accumulate_biases_f32</a>(</div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(accum),</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(biases))</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span> {</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  <a class="code" href="struct_image.xhtml">Image</a> accum = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(accum);</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  <a class="code" href="struct_vector.xhtml">Vector</a> biases = <a class="code" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0">CONVERT_TO_VECTOR_STRUCT</a>(biases);</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span> </div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  float4 accum_value = vload4(0, (__global <span class="keywordtype">float</span> *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  float4 biases_value = vload4(0, (__global <span class="keywordtype">float</span> *)biases.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  accum_value = biases_value + accum_value;</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span> </div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="comment">// Store result in the accummulate buffer</span></div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  vstore4(accum_value, 0, (__global <span class="keywordtype">float</span> *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> }</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00290"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8"> 290</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8">gemm_accumulate_biases_f16</a>(</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(accum),</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(biases))</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span> {</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  <a class="code" href="struct_image.xhtml">Image</a> accum = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(accum);</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="struct_vector.xhtml">Vector</a> biases = <a class="code" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0">CONVERT_TO_VECTOR_STRUCT</a>(biases);</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  half8 accum_value = vload8(0, (__global half *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  half8 biases_value = vload8(0, (__global half *)biases.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  accum_value = biases_value + accum_value;</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span> </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <span class="comment">// Store result in the accummulate buffer</span></div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  vstore8(accum_value, 0, (__global half *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> }</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span> <span class="preprocessor">#if(defined WIDTH_MATRIX_B)</span></div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span> </div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span> __kernel <span class="keywordtype">void</span> gemm_mm_u8(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <span class="keywordtype">int</span> a_offset,</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <span class="keywordtype">int</span> b_offset,</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <span class="keywordtype">int</span> c_offset,</div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordtype">int</span> c_mult_int,</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <span class="keywordtype">int</span> shift)</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span> {</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span> </div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span>  (src1_stride_y));</div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span> </div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00353"></a><span class="lineno"> 353</span> </div><div class="line"><a name="l00354"></a><span class="lineno"> 354</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00355"></a><span class="lineno"> 355</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> </div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  int16 c00 = 0.0f;</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span>  int16 c10 = 0.0f;</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  int16 c20 = 0.0f;</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  int16 c30 = 0.0f;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 32))</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  {</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  int8 a0 = (int8)a_offset + convert_int8(vload8(0, ((__global uchar *)src0_ptr) + src_addr.s0));</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span>  int16 b0 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1));</div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span> </div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  c00 += (int16)a0.s0 * b0;</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  c10 += (int16)a0.s1 * b0;</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  c20 += (int16)a0.s2 * b0;</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span>  c30 += (int16)a0.s3 * b0;</div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span> </div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  int16 b1 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1 + 16));</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span> </div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  c00 += (int16)a0.s4 * b1;</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span>  c10 += (int16)a0.s5 * b1;</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  c20 += (int16)a0.s6 * b1;</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  c30 += (int16)a0.s7 * b1;</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  }</div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span> </div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 16))</div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  {</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  int4 a0 = (int4)a_offset + convert_int4(vload4(0, ((__global uchar *)src0_ptr) + src_addr.s0));</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  int16 b0 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1));</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span> </div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  c00 += (int16)a0.s0 * b0;</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  c10 += (int16)a0.s1 * b0;</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  c20 += (int16)a0.s2 * b0;</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  c30 += (int16)a0.s3 * b0;</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  }</div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span> </div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span> </div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  c00 = (((int16)c_offset + c00) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  c10 = (((int16)c_offset + c10) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  c20 = (((int16)c_offset + c20) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  c30 = (((int16)c_offset + c30) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> </div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span>  <span class="comment">/* Store 4x16 block */</span></div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span>  vstore16(convert_uchar16_sat(c00), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  vstore16(convert_uchar16_sat(c10), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00406"></a><span class="lineno"> 406</span>  vstore16(convert_uchar16_sat(c20), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00407"></a><span class="lineno"> 407</span>  vstore16(convert_uchar16_sat(c30), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00408"></a><span class="lineno"> 408</span> }</div><div class="line"><a name="l00409"></a><span class="lineno"> 409</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00410"></a><span class="lineno"> 410</span> </div><div class="line"><a name="l00435"></a><span class="lineno"> 435</span> <span class="preprocessor">#if(defined WIDTH_MATRIX_B && defined ALPHA)</span></div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> __kernel <span class="keywordtype">void</span> gemm_mm_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> {</div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span> </div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  (src1_stride_y));</div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span> </div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> </div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span>  <span class="comment">/* Divide by 4 in order to get the src_addr in unit of float */</span></div><div class="line"><a name="l00451"></a><span class="lineno"> 451</span>  src_addr = src_addr >> 2;</div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span> </div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span> </div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  float4 c00 = 0.0f;</div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  float4 c10 = 0.0f;</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  float4 c20 = 0.0f;</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  float4 c30 = 0.0f;</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span> </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 8))</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span>  {</div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  float4 a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00466"></a><span class="lineno"> 466</span>  float4 b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span> </div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00470"></a><span class="lineno"> 470</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span> </div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span>  a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0 + 4);</div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span>  b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1 + 4);</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> </div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span>  }</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span> </div><div class="line"><a name="l00483"></a><span class="lineno"> 483</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 4))</div><div class="line"><a name="l00484"></a><span class="lineno"> 484</span>  {</div><div class="line"><a name="l00485"></a><span class="lineno"> 485</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00486"></a><span class="lineno"> 486</span>  float4 a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00487"></a><span class="lineno"> 487</span>  float4 b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00488"></a><span class="lineno"> 488</span> </div><div class="line"><a name="l00489"></a><span class="lineno"> 489</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00490"></a><span class="lineno"> 490</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00491"></a><span class="lineno"> 491</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00492"></a><span class="lineno"> 492</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00493"></a><span class="lineno"> 493</span>  }</div><div class="line"><a name="l00494"></a><span class="lineno"> 494</span> </div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00497"></a><span class="lineno"> 497</span> </div><div class="line"><a name="l00498"></a><span class="lineno"> 498</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span>  c00 = c00 * (float4)ALPHA;</div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  c10 = c10 * (float4)ALPHA;</div><div class="line"><a name="l00501"></a><span class="lineno"> 501</span>  c20 = c20 * (float4)ALPHA;</div><div class="line"><a name="l00502"></a><span class="lineno"> 502</span>  c30 = c30 * (float4)ALPHA;</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span> </div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  <span class="comment">/* Store 4x4 block */</span></div><div class="line"><a name="l00505"></a><span class="lineno"> 505</span>  vstore4(c00, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00506"></a><span class="lineno"> 506</span>  vstore4(c10, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  vstore4(c20, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  vstore4(c30, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span> }</div><div class="line"><a name="l00510"></a><span class="lineno"> 510</span> </div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span> __kernel <span class="keywordtype">void</span> gemm_mm_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00537"></a><span class="lineno"> 537</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00538"></a><span class="lineno"> 538</span> {</div><div class="line"><a name="l00539"></a><span class="lineno"> 539</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00540"></a><span class="lineno"> 540</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00541"></a><span class="lineno"> 541</span> </div><div class="line"><a name="l00542"></a><span class="lineno"> 542</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00543"></a><span class="lineno"> 543</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00544"></a><span class="lineno"> 544</span>  (src1_stride_y));</div><div class="line"><a name="l00545"></a><span class="lineno"> 545</span> </div><div class="line"><a name="l00546"></a><span class="lineno"> 546</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00547"></a><span class="lineno"> 547</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00548"></a><span class="lineno"> 548</span> </div><div class="line"><a name="l00549"></a><span class="lineno"> 549</span>  <span class="comment">/* Divide by 2 in order to get the src_addr in unit of half */</span></div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span>  src_addr = src_addr >> 1;</div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span> </div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span> </div><div class="line"><a name="l00555"></a><span class="lineno"> 555</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00556"></a><span class="lineno"> 556</span>  half8 c00 = 0.0f;</div><div class="line"><a name="l00557"></a><span class="lineno"> 557</span>  half8 c10 = 0.0f;</div><div class="line"><a name="l00558"></a><span class="lineno"> 558</span>  half8 c20 = 0.0f;</div><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  half8 c30 = 0.0f;</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span> </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 16))</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  {</div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00564"></a><span class="lineno"> 564</span>  half4 a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00565"></a><span class="lineno"> 565</span>  half8 b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00566"></a><span class="lineno"> 566</span> </div><div class="line"><a name="l00567"></a><span class="lineno"> 567</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00568"></a><span class="lineno"> 568</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00569"></a><span class="lineno"> 569</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00570"></a><span class="lineno"> 570</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00571"></a><span class="lineno"> 571</span> </div><div class="line"><a name="l00572"></a><span class="lineno"> 572</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00573"></a><span class="lineno"> 573</span>  a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0 + 4);</div><div class="line"><a name="l00574"></a><span class="lineno"> 574</span>  b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1 + 8);</div><div class="line"><a name="l00575"></a><span class="lineno"> 575</span> </div><div class="line"><a name="l00576"></a><span class="lineno"> 576</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00578"></a><span class="lineno"> 578</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00579"></a><span class="lineno"> 579</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00580"></a><span class="lineno"> 580</span>  }</div><div class="line"><a name="l00581"></a><span class="lineno"> 581</span> </div><div class="line"><a name="l00582"></a><span class="lineno"> 582</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 8))</div><div class="line"><a name="l00583"></a><span class="lineno"> 583</span>  {</div><div class="line"><a name="l00584"></a><span class="lineno"> 584</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00585"></a><span class="lineno"> 585</span>  half4 a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00586"></a><span class="lineno"> 586</span>  half8 b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00587"></a><span class="lineno"> 587</span> </div><div class="line"><a name="l00588"></a><span class="lineno"> 588</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00589"></a><span class="lineno"> 589</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00590"></a><span class="lineno"> 590</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00591"></a><span class="lineno"> 591</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00592"></a><span class="lineno"> 592</span>  }</div><div class="line"><a name="l00593"></a><span class="lineno"> 593</span> </div><div class="line"><a name="l00594"></a><span class="lineno"> 594</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00595"></a><span class="lineno"> 595</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00596"></a><span class="lineno"> 596</span> </div><div class="line"><a name="l00597"></a><span class="lineno"> 597</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00598"></a><span class="lineno"> 598</span>  c00 = c00 * (half8)ALPHA;</div><div class="line"><a name="l00599"></a><span class="lineno"> 599</span>  c10 = c10 * (half8)ALPHA;</div><div class="line"><a name="l00600"></a><span class="lineno"> 600</span>  c20 = c20 * (half8)ALPHA;</div><div class="line"><a name="l00601"></a><span class="lineno"> 601</span>  c30 = c30 * (half8)ALPHA;</div><div class="line"><a name="l00602"></a><span class="lineno"> 602</span> </div><div class="line"><a name="l00603"></a><span class="lineno"> 603</span>  <span class="comment">/* Store 4x8 block */</span></div><div class="line"><a name="l00604"></a><span class="lineno"> 604</span>  vstore8(c00, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00605"></a><span class="lineno"> 605</span>  vstore8(c10, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00606"></a><span class="lineno"> 606</span>  vstore8(c20, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00607"></a><span class="lineno"> 607</span>  vstore8(c30, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00608"></a><span class="lineno"> 608</span> }</div><div class="line"><a name="l00609"></a><span class="lineno"> 609</span> </div><div class="line"><a name="l00635"></a><span class="lineno"> 635</span> <span class="preprocessor">#if(defined WIDTH_VECTOR_A)</span></div><div class="line"><a name="l00636"></a><span class="lineno"> 636</span> __kernel <span class="keywordtype">void</span> gemm_vm_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00637"></a><span class="lineno"> 637</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00638"></a><span class="lineno"> 638</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00639"></a><span class="lineno"> 639</span> {</div><div class="line"><a name="l00640"></a><span class="lineno"> 640</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * 4;</div><div class="line"><a name="l00641"></a><span class="lineno"> 641</span> </div><div class="line"><a name="l00642"></a><span class="lineno"> 642</span>  <span class="comment">/* Compute the address for the vector A and matrix B */</span></div><div class="line"><a name="l00643"></a><span class="lineno"> 643</span>  int2 src_addr = ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00644"></a><span class="lineno"> 644</span>  src_addr.s1 += idx * <span class="keyword">sizeof</span>(float);</div><div class="line"><a name="l00645"></a><span class="lineno"> 645</span> </div><div class="line"><a name="l00646"></a><span class="lineno"> 646</span>  <span class="keywordtype">int</span> end_row_vec_a = src_addr.s0 + (WIDTH_VECTOR_A * <span class="keyword">sizeof</span>(float));</div><div class="line"><a name="l00647"></a><span class="lineno"> 647</span> </div><div class="line"><a name="l00648"></a><span class="lineno"> 648</span>  float4 acc = 0.0f;</div><div class="line"><a name="l00649"></a><span class="lineno"> 649</span> </div><div class="line"><a name="l00650"></a><span class="lineno"> 650</span>  <span class="keywordflow">for</span>(; src_addr.s0 <= (end_row_vec_a - 2 * <span class="keyword">sizeof</span>(float)); src_addr += (int2)(2 * <span class="keyword">sizeof</span>(<span class="keywordtype">float</span>), 2 * src1_stride_y))</div><div class="line"><a name="l00651"></a><span class="lineno"> 651</span>  {</div><div class="line"><a name="l00652"></a><span class="lineno"> 652</span>  float2 a0 = vload2(0, (__global <span class="keywordtype">float</span> *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00653"></a><span class="lineno"> 653</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00654"></a><span class="lineno"> 654</span>  float4 b1 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1 + src1_stride_y));</div><div class="line"><a name="l00655"></a><span class="lineno"> 655</span> </div><div class="line"><a name="l00656"></a><span class="lineno"> 656</span>  acc += b0 * (float4)a0.s0;</div><div class="line"><a name="l00657"></a><span class="lineno"> 657</span>  acc += b1 * (float4)a0.s1;</div><div class="line"><a name="l00658"></a><span class="lineno"> 658</span>  }</div><div class="line"><a name="l00659"></a><span class="lineno"> 659</span> </div><div class="line"><a name="l00660"></a><span class="lineno"> 660</span>  <span class="keywordflow">for</span>(; src_addr.s0 < end_row_vec_a; src_addr += (int2)(<span class="keyword">sizeof</span>(<span class="keywordtype">float</span>), src1_stride_y))</div><div class="line"><a name="l00661"></a><span class="lineno"> 661</span>  {</div><div class="line"><a name="l00662"></a><span class="lineno"> 662</span>  <span class="keywordtype">float</span> a0 = *((__global <span class="keywordtype">float</span> *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00663"></a><span class="lineno"> 663</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00664"></a><span class="lineno"> 664</span> </div><div class="line"><a name="l00665"></a><span class="lineno"> 665</span>  acc += b0 * (float4)a0;</div><div class="line"><a name="l00666"></a><span class="lineno"> 666</span>  }</div><div class="line"><a name="l00667"></a><span class="lineno"> 667</span> </div><div class="line"><a name="l00668"></a><span class="lineno"> 668</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00669"></a><span class="lineno"> 669</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00670"></a><span class="lineno"> 670</span> </div><div class="line"><a name="l00671"></a><span class="lineno"> 671</span>  <span class="comment">/* Multiply by the weight of vector-matrix product */</span></div><div class="line"><a name="l00672"></a><span class="lineno"> 672</span>  acc = acc * (float4)ALPHA;</div><div class="line"><a name="l00673"></a><span class="lineno"> 673</span> </div><div class="line"><a name="l00674"></a><span class="lineno"> 674</span>  vstore4(acc, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00675"></a><span class="lineno"> 675</span> }</div><div class="line"><a name="l00676"></a><span class="lineno"> 676</span> </div><div class="line"><a name="l00702"></a><span class="lineno"> 702</span> __kernel <span class="keywordtype">void</span> gemm_vm_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00703"></a><span class="lineno"> 703</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00704"></a><span class="lineno"> 704</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00705"></a><span class="lineno"> 705</span> {</div><div class="line"><a name="l00706"></a><span class="lineno"> 706</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * 8;</div><div class="line"><a name="l00707"></a><span class="lineno"> 707</span> </div><div class="line"><a name="l00708"></a><span class="lineno"> 708</span>  <span class="comment">/* Compute the address for the vector A and matrix B */</span></div><div class="line"><a name="l00709"></a><span class="lineno"> 709</span>  int2 src_addr = ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00710"></a><span class="lineno"> 710</span>  src_addr.s1 += idx * <span class="keyword">sizeof</span>(half);</div><div class="line"><a name="l00711"></a><span class="lineno"> 711</span> </div><div class="line"><a name="l00712"></a><span class="lineno"> 712</span>  <span class="keywordtype">int</span> end_row_vec_a = src_addr.s0 + (WIDTH_VECTOR_A * <span class="keyword">sizeof</span>(half));</div><div class="line"><a name="l00713"></a><span class="lineno"> 713</span> </div><div class="line"><a name="l00714"></a><span class="lineno"> 714</span>  half8 acc = 0.0f;</div><div class="line"><a name="l00715"></a><span class="lineno"> 715</span> </div><div class="line"><a name="l00716"></a><span class="lineno"> 716</span>  <span class="keywordflow">for</span>(; src_addr.s0 <= (end_row_vec_a - 4 * <span class="keyword">sizeof</span>(half)); src_addr += (int2)(4 * <span class="keyword">sizeof</span>(half), 4 * src1_stride_y))</div><div class="line"><a name="l00717"></a><span class="lineno"> 717</span>  {</div><div class="line"><a name="l00718"></a><span class="lineno"> 718</span>  half4 a0 = vload4(0, (__global half *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00719"></a><span class="lineno"> 719</span>  half8 b0 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 0 * src1_stride_y));</div><div class="line"><a name="l00720"></a><span class="lineno"> 720</span>  half8 b1 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 1 * src1_stride_y));</div><div class="line"><a name="l00721"></a><span class="lineno"> 721</span>  half8 b2 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 2 * src1_stride_y));</div><div class="line"><a name="l00722"></a><span class="lineno"> 722</span>  half8 b3 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 3 * src1_stride_y));</div><div class="line"><a name="l00723"></a><span class="lineno"> 723</span> </div><div class="line"><a name="l00724"></a><span class="lineno"> 724</span>  acc += b0 * (half8)a0.s0;</div><div class="line"><a name="l00725"></a><span class="lineno"> 725</span>  acc += b1 * (half8)a0.s1;</div><div class="line"><a name="l00726"></a><span class="lineno"> 726</span>  acc += b2 * (half8)a0.s2;</div><div class="line"><a name="l00727"></a><span class="lineno"> 727</span>  acc += b3 * (half8)a0.s3;</div><div class="line"><a name="l00728"></a><span class="lineno"> 728</span>  }</div><div class="line"><a name="l00729"></a><span class="lineno"> 729</span> </div><div class="line"><a name="l00730"></a><span class="lineno"> 730</span>  <span class="keywordflow">for</span>(; src_addr.s0 < end_row_vec_a; src_addr += (int2)(<span class="keyword">sizeof</span>(half), src1_stride_y))</div><div class="line"><a name="l00731"></a><span class="lineno"> 731</span>  {</div><div class="line"><a name="l00732"></a><span class="lineno"> 732</span>  half a0 = *((__global half *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00733"></a><span class="lineno"> 733</span>  half8 b0 = vload8(0, (__global half *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00734"></a><span class="lineno"> 734</span> </div><div class="line"><a name="l00735"></a><span class="lineno"> 735</span>  acc += b0 * (half8)a0;</div><div class="line"><a name="l00736"></a><span class="lineno"> 736</span>  }</div><div class="line"><a name="l00737"></a><span class="lineno"> 737</span> </div><div class="line"><a name="l00738"></a><span class="lineno"> 738</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00739"></a><span class="lineno"> 739</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00740"></a><span class="lineno"> 740</span> </div><div class="line"><a name="l00741"></a><span class="lineno"> 741</span>  <span class="comment">/* Multiply by the weight of vector-matrix product */</span></div><div class="line"><a name="l00742"></a><span class="lineno"> 742</span>  acc = acc * (half8)ALPHA;</div><div class="line"><a name="l00743"></a><span class="lineno"> 743</span> </div><div class="line"><a name="l00744"></a><span class="lineno"> 744</span>  vstore8(acc, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00745"></a><span class="lineno"> 745</span> }</div><div class="line"><a name="l00746"></a><span class="lineno"> 746</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined WIDTH_VECTOR_A) */</span><span class="preprocessor"></span></div><div class="line"><a name="l00747"></a><span class="lineno"> 747</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined WIDTH_MATRIX_B && defined ALPHA) */</span><span class="preprocessor"></span></div><div class="line"><a name="l00748"></a><span class="lineno"> 748</span> </div><div class="line"><a name="l00766"></a><span class="lineno"> 766</span> <span class="preprocessor">#if(defined BETA)</span></div><div class="line"><a name="l00767"></a><span class="lineno"> 767</span> __kernel <span class="keywordtype">void</span> gemm_ma_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00768"></a><span class="lineno"> 768</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00769"></a><span class="lineno"> 769</span> {</div><div class="line"><a name="l00770"></a><span class="lineno"> 770</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00771"></a><span class="lineno"> 771</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00772"></a><span class="lineno"> 772</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00773"></a><span class="lineno"> 773</span> </div><div class="line"><a name="l00774"></a><span class="lineno"> 774</span>  <span class="comment">/* Load values from A x B */</span></div><div class="line"><a name="l00775"></a><span class="lineno"> 775</span>  float4 alpha_ab = vload4(0, (__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00776"></a><span class="lineno"> 776</span> </div><div class="line"><a name="l00777"></a><span class="lineno"> 777</span>  <span class="comment">/* Load values from Matrix C */</span></div><div class="line"><a name="l00778"></a><span class="lineno"> 778</span>  float4 c = vload4(0, (__global <span class="keywordtype">float</span> *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00779"></a><span class="lineno"> 779</span> </div><div class="line"><a name="l00780"></a><span class="lineno"> 780</span>  <span class="comment">/* Computes alpha * axb + beta * c */</span></div><div class="line"><a name="l00781"></a><span class="lineno"> 781</span>  float4 out = alpha_ab + (float4)BETA * c;</div><div class="line"><a name="l00782"></a><span class="lineno"> 782</span> </div><div class="line"><a name="l00783"></a><span class="lineno"> 783</span>  <span class="comment">/* Store final result in axb matrix */</span></div><div class="line"><a name="l00784"></a><span class="lineno"> 784</span>  vstore4(out, 0, (__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00785"></a><span class="lineno"> 785</span> }</div><div class="line"><a name="l00786"></a><span class="lineno"> 786</span> </div><div class="line"><a name="l00802"></a><span class="lineno"> 802</span> __kernel <span class="keywordtype">void</span> gemm_ma_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00803"></a><span class="lineno"> 803</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00804"></a><span class="lineno"> 804</span> {</div><div class="line"><a name="l00805"></a><span class="lineno"> 805</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00806"></a><span class="lineno"> 806</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00807"></a><span class="lineno"> 807</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00808"></a><span class="lineno"> 808</span> </div><div class="line"><a name="l00809"></a><span class="lineno"> 809</span>  <span class="comment">/* Load values from A x B */</span></div><div class="line"><a name="l00810"></a><span class="lineno"> 810</span>  half8 alpha_ab = vload8(0, (__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00811"></a><span class="lineno"> 811</span> </div><div class="line"><a name="l00812"></a><span class="lineno"> 812</span>  <span class="comment">/* Load values from Matrix C */</span></div><div class="line"><a name="l00813"></a><span class="lineno"> 813</span>  half8 c = vload8(0, (__global half *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00814"></a><span class="lineno"> 814</span> </div><div class="line"><a name="l00815"></a><span class="lineno"> 815</span>  <span class="comment">/* Computes alpha * axb + beta * c */</span></div><div class="line"><a name="l00816"></a><span class="lineno"> 816</span>  half8 out = alpha_ab + (half8)BETA * c;</div><div class="line"><a name="l00817"></a><span class="lineno"> 817</span> </div><div class="line"><a name="l00818"></a><span class="lineno"> 818</span>  <span class="comment">/* Store final result in axb matrix */</span></div><div class="line"><a name="l00819"></a><span class="lineno"> 819</span>  vstore8(out, 0, (__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00820"></a><span class="lineno"> 820</span> }</div><div class="line"><a name="l00821"></a><span class="lineno"> 821</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined BETA) */</span><span class="preprocessor"></span></div><div class="ttc" id="struct_vector_xhtml"><div class="ttname"><a href="struct_vector.xhtml">Vector</a></div><div class="ttdoc">Structure to hold Vector information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00087">helpers.h:87</a></div></div> +<a href="gemm_8cl.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="helpers_8h.xhtml">helpers.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1"> 41</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1">gemm_transpose1x4_f32</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> {</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span> </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  vstore4(b0, 0, (__global <span class="keywordtype">float</span> *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> }</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00073"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374"> 73</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374">gemm_transpose1x8_f16</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> {</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  half8 b0 = vload8(0, (__global half *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span> </div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  vstore8(b0, 0, (__global half *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00105"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3"> 105</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm_transpose1x16_u8</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> {</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  uint x = get_global_id(0);</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  uint y = get_global_id(1);</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="comment">/* Compute address for Matrix B - source */</span></div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> </div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="comment">/* Compute address for Matrix B transposed - destination. X and Y are swapped */</span></div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  uint dst_addr_in_bytes = y * 16 + ((x * dst_stride_y + dst_offset_first_element_in_bytes));</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> </div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  uchar16 b0 = vload16(0, (__global uchar *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> </div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  vstore16(b0, 0, (__global uchar *)(dst_ptr + dst_addr_in_bytes));</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span> }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00137"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f"> 137</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f">gemm_interleave4x4_32bit</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  float4 a0 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float4 a1 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  float4 a2 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  float4 a3 = vload4(0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> </div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  float4 val0 = (float4)(a0.s0, a1.s0, a2.s0, a3.s0);</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  val0 = (float4)(a0.s1, a1.s1, a2.s1, a3.s1);</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 4);</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  val0 = (float4)(a0.s2, a1.s2, a2.s2, a3.s2);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 8);</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span> </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  val0 = (float4)(a0.s3, a1.s3, a2.s3, a3.s3);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  vstore4(val0, 0, ((__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 12);</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> }</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00178"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b"> 178</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b">gemm_interleave4x4_16bit</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> {</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  half8 a0 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  half8 a1 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  half8 a2 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span>  half8 a3 = vload8(0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span> </div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  half8 val0 = (half8)((half4)(a0.s0, a1.s0, a2.s0, a3.s0), (half4)(a0.s1, a1.s1, a2.s1, a3.s1));</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> </div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  val0 = (half8)((half4)(a0.s2, a1.s2, a2.s2, a3.s2), (half4)(a0.s3, a1.s3, a2.s3, a3.s3));</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 8);</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span> </div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  val0 = (half8)((half4)(a0.s4, a1.s4, a2.s4, a3.s4), (half4)(a0.s5, a1.s5, a2.s5, a3.s5));</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 16);</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span> </div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span>  val0 = (half8)((half4)(a0.s6, a1.s6, a2.s6, a3.s6), (half4)(a0.s7, a1.s7, a2.s7, a3.s7));</div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  vstore8(val0, 0, ((__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 24);</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> }</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span> </div><div class="line"><a name="l00219"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45"> 219</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45">gemm_interleave4x4_8bit</a>(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span> {</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span> </div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <span class="comment">/* Load values from Matrix A */</span></div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  uchar16 a0 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 0)));</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  uchar16 a1 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 1)));</div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span>  uchar16 a2 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 2)));</div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span>  uchar16 a3 = vload16(0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&src, 0, 3)));</div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> </div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  uchar16 val0 = (uchar16)((uchar4)(a0.s0, a1.s0, a2.s0, a3.s0), (uchar4)(a0.s1, a1.s1, a2.s1, a3.s1),</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  (uchar4)(a0.s2, a1.s2, a2.s2, a3.s2), (uchar4)(a0.s3, a1.s3, a2.s3, a3.s3));</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 0);</div><div class="line"><a name="l00235"></a><span class="lineno"> 235</span> </div><div class="line"><a name="l00236"></a><span class="lineno"> 236</span>  val0 = (uchar16)((uchar4)(a0.s4, a1.s4, a2.s4, a3.s4), (uchar4)(a0.s5, a1.s5, a2.s5, a3.s5),</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span>  (uchar4)(a0.s6, a1.s6, a2.s6, a3.s6), (uchar4)(a0.s7, a1.s7, a2.s7, a3.s7));</div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 16);</div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> </div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  val0 = (uchar16)((uchar4)(a0.s8, a1.s8, a2.s8, a3.s8), (uchar4)(a0.s9, a1.s9, a2.s9, a3.s9),</div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  (uchar4)(a0.sA, a1.sA, a2.sA, a3.sA), (uchar4)(a0.sB, a1.sB, a2.sB, a3.sB));</div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 32);</div><div class="line"><a name="l00243"></a><span class="lineno"> 243</span> </div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span>  val0 = (uchar16)((uchar4)(a0.sC, a1.sC, a2.sC, a3.sC), (uchar4)(a0.sD, a1.sD, a2.sD, a3.sD),</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  (uchar4)(a0.sE, a1.sE, a2.sE, a3.sE), (uchar4)(a0.sF, a1.sF, a2.sF, a3.sF));</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  vstore16(val0, 0, ((__global uchar *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>) + 48);</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span> }</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span> </div><div class="line"><a name="l00262"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581"> 262</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm_accumulate_biases_f32</a>(</div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(accum),</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(biases))</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span> {</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  <a class="code" href="struct_image.xhtml">Image</a> accum = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(accum);</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  <a class="code" href="struct_vector.xhtml">Vector</a> biases = <a class="code" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0">CONVERT_TO_VECTOR_STRUCT</a>(biases);</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span> </div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  float4 accum_value = vload4(0, (__global <span class="keywordtype">float</span> *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  float4 biases_value = vload4(0, (__global <span class="keywordtype">float</span> *)biases.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  accum_value = biases_value + accum_value;</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span> </div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="comment">// Store result in the accummulate buffer</span></div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  vstore4(accum_value, 0, (__global <span class="keywordtype">float</span> *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span> }</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00290"></a><span class="lineno"><a class="line" href="gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8"> 290</a></span> __kernel <span class="keywordtype">void</span> <a class="code" href="gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8">gemm_accumulate_biases_f16</a>(</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(accum),</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <a class="code" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a>(biases))</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span> {</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  <a class="code" href="struct_image.xhtml">Image</a> accum = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(accum);</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="struct_vector.xhtml">Vector</a> biases = <a class="code" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0">CONVERT_TO_VECTOR_STRUCT</a>(biases);</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  half8 accum_value = vload8(0, (__global half *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  half8 biases_value = vload8(0, (__global half *)biases.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  accum_value = biases_value + accum_value;</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span> </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <span class="comment">// Store result in the accummulate buffer</span></div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  vstore8(accum_value, 0, (__global half *)accum.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> }</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span> <span class="preprocessor">#if(defined WIDTH_MATRIX_B)</span></div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span> </div><div class="line"><a name="l00335"></a><span class="lineno"> 335</span> __kernel <span class="keywordtype">void</span> gemm_mm_u8(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst),</div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <span class="keywordtype">int</span> a_offset,</div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <span class="keywordtype">int</span> b_offset,</div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span>  <span class="keywordtype">int</span> c_offset,</div><div class="line"><a name="l00341"></a><span class="lineno"> 341</span>  <span class="keywordtype">int</span> c_mult_int,</div><div class="line"><a name="l00342"></a><span class="lineno"> 342</span>  <span class="keywordtype">int</span> shift)</div><div class="line"><a name="l00343"></a><span class="lineno"> 343</span> {</div><div class="line"><a name="l00344"></a><span class="lineno"> 344</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00345"></a><span class="lineno"> 345</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span> </div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span>  (src1_stride_y));</div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span> </div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00353"></a><span class="lineno"> 353</span> </div><div class="line"><a name="l00354"></a><span class="lineno"> 354</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00355"></a><span class="lineno"> 355</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> </div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  int16 c00 = 0.0f;</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span>  int16 c10 = 0.0f;</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  int16 c20 = 0.0f;</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  int16 c30 = 0.0f;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 32))</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  {</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  int8 a0 = (int8)a_offset + convert_int8(vload8(0, ((__global uchar *)src0_ptr) + src_addr.s0));</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span>  int16 b0 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1));</div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span> </div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  c00 += (int16)a0.s0 * b0;</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  c10 += (int16)a0.s1 * b0;</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  c20 += (int16)a0.s2 * b0;</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span>  c30 += (int16)a0.s3 * b0;</div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span> </div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  int16 b1 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1 + 16));</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span> </div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  c00 += (int16)a0.s4 * b1;</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span>  c10 += (int16)a0.s5 * b1;</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  c20 += (int16)a0.s6 * b1;</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span>  c30 += (int16)a0.s7 * b1;</div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  }</div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span> </div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 16))</div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  {</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  int4 a0 = (int4)a_offset + convert_int4(vload4(0, ((__global uchar *)src0_ptr) + src_addr.s0));</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  int16 b0 = (int16)b_offset + convert_int16(vload16(0, ((__global uchar *)src1_ptr) + src_addr.s1));</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span> </div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  c00 += (int16)a0.s0 * b0;</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span>  c10 += (int16)a0.s1 * b0;</div><div class="line"><a name="l00390"></a><span class="lineno"> 390</span>  c20 += (int16)a0.s2 * b0;</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  c30 += (int16)a0.s3 * b0;</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span>  }</div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span> </div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span> </div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  c00 = (((int16)c_offset + c00) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  c10 = (((int16)c_offset + c10) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  c20 = (((int16)c_offset + c20) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  c30 = (((int16)c_offset + c30) * (int16)c_mult_int) >> shift;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> </div><div class="line"><a name="l00403"></a><span class="lineno"> 403</span>  <span class="comment">/* Store 4x16 block */</span></div><div class="line"><a name="l00404"></a><span class="lineno"> 404</span>  vstore16(convert_uchar16_sat(c00), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00405"></a><span class="lineno"> 405</span>  vstore16(convert_uchar16_sat(c10), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00406"></a><span class="lineno"> 406</span>  vstore16(convert_uchar16_sat(c20), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00407"></a><span class="lineno"> 407</span>  vstore16(convert_uchar16_sat(c30), 0, (__global uchar *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00408"></a><span class="lineno"> 408</span> }</div><div class="line"><a name="l00409"></a><span class="lineno"> 409</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00410"></a><span class="lineno"> 410</span> </div><div class="line"><a name="l00435"></a><span class="lineno"> 435</span> <span class="preprocessor">#if(defined WIDTH_MATRIX_B && defined ALPHA)</span></div><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> __kernel <span class="keywordtype">void</span> gemm_mm_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> {</div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span> </div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  (src1_stride_y));</div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span> </div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> </div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span>  <span class="comment">/* Divide by 4 in order to get the src_addr in unit of float */</span></div><div class="line"><a name="l00451"></a><span class="lineno"> 451</span>  src_addr = src_addr >> 2;</div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span> </div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span> </div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  float4 c00 = 0.0f;</div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  float4 c10 = 0.0f;</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  float4 c20 = 0.0f;</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  float4 c30 = 0.0f;</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span> </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 8))</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span>  {</div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  float4 a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00466"></a><span class="lineno"> 466</span>  float4 b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span> </div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00470"></a><span class="lineno"> 470</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span> </div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span>  a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0 + 4);</div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span>  b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1 + 4);</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> </div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span>  }</div><div class="line"><a name="l00482"></a><span class="lineno"> 482</span> </div><div class="line"><a name="l00483"></a><span class="lineno"> 483</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 4))</div><div class="line"><a name="l00484"></a><span class="lineno"> 484</span>  {</div><div class="line"><a name="l00485"></a><span class="lineno"> 485</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00486"></a><span class="lineno"> 486</span>  float4 a0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00487"></a><span class="lineno"> 487</span>  float4 b0 = vload4(0, ((__global <span class="keywordtype">float</span> *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00488"></a><span class="lineno"> 488</span> </div><div class="line"><a name="l00489"></a><span class="lineno"> 489</span>  c00 += (float4)a0.s0 * b0;</div><div class="line"><a name="l00490"></a><span class="lineno"> 490</span>  c10 += (float4)a0.s1 * b0;</div><div class="line"><a name="l00491"></a><span class="lineno"> 491</span>  c20 += (float4)a0.s2 * b0;</div><div class="line"><a name="l00492"></a><span class="lineno"> 492</span>  c30 += (float4)a0.s3 * b0;</div><div class="line"><a name="l00493"></a><span class="lineno"> 493</span>  }</div><div class="line"><a name="l00494"></a><span class="lineno"> 494</span> </div><div class="line"><a name="l00495"></a><span class="lineno"> 495</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00496"></a><span class="lineno"> 496</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00497"></a><span class="lineno"> 497</span> </div><div class="line"><a name="l00498"></a><span class="lineno"> 498</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00499"></a><span class="lineno"> 499</span>  c00 = c00 * (float4)ALPHA;</div><div class="line"><a name="l00500"></a><span class="lineno"> 500</span>  c10 = c10 * (float4)ALPHA;</div><div class="line"><a name="l00501"></a><span class="lineno"> 501</span>  c20 = c20 * (float4)ALPHA;</div><div class="line"><a name="l00502"></a><span class="lineno"> 502</span>  c30 = c30 * (float4)ALPHA;</div><div class="line"><a name="l00503"></a><span class="lineno"> 503</span> </div><div class="line"><a name="l00504"></a><span class="lineno"> 504</span>  <span class="comment">/* Store 4x4 block */</span></div><div class="line"><a name="l00505"></a><span class="lineno"> 505</span>  vstore4(c00, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00506"></a><span class="lineno"> 506</span>  vstore4(c10, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00507"></a><span class="lineno"> 507</span>  vstore4(c20, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00508"></a><span class="lineno"> 508</span>  vstore4(c30, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00509"></a><span class="lineno"> 509</span> }</div><div class="line"><a name="l00510"></a><span class="lineno"> 510</span> </div><div class="line"><a name="l00535"></a><span class="lineno"> 535</span> __kernel <span class="keywordtype">void</span> gemm_mm_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00536"></a><span class="lineno"> 536</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00537"></a><span class="lineno"> 537</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00538"></a><span class="lineno"> 538</span> {</div><div class="line"><a name="l00539"></a><span class="lineno"> 539</span>  <span class="comment">/* src_addr.s0 = address of matrix A */</span></div><div class="line"><a name="l00540"></a><span class="lineno"> 540</span>  <span class="comment">/* src_addr.s1 = address of matrix B */</span></div><div class="line"><a name="l00541"></a><span class="lineno"> 541</span> </div><div class="line"><a name="l00542"></a><span class="lineno"> 542</span>  <span class="comment">/* Compute address for matrix A and B */</span></div><div class="line"><a name="l00543"></a><span class="lineno"> 543</span>  int2 src_addr = (int2)(get_global_id(1), get_global_id(0)) * (int2)((src0_stride_y),</div><div class="line"><a name="l00544"></a><span class="lineno"> 544</span>  (src1_stride_y));</div><div class="line"><a name="l00545"></a><span class="lineno"> 545</span> </div><div class="line"><a name="l00546"></a><span class="lineno"> 546</span>  <span class="comment">/* Add offset_first_element_in_bytes */</span></div><div class="line"><a name="l00547"></a><span class="lineno"> 547</span>  src_addr = src_addr + ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00548"></a><span class="lineno"> 548</span> </div><div class="line"><a name="l00549"></a><span class="lineno"> 549</span>  <span class="comment">/* Divide by 2 in order to get the src_addr in unit of half */</span></div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span>  src_addr = src_addr >> 1;</div><div class="line"><a name="l00551"></a><span class="lineno"> 551</span> </div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  <span class="comment">/* Compute end row address for matrix B */</span></div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  <span class="keywordtype">int</span> end_row_mtx_b = src_addr.s1 + WIDTH_MATRIX_B;</div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span> </div><div class="line"><a name="l00555"></a><span class="lineno"> 555</span>  <span class="comment">/* Reset accumulators */</span></div><div class="line"><a name="l00556"></a><span class="lineno"> 556</span>  half8 c00 = 0.0f;</div><div class="line"><a name="l00557"></a><span class="lineno"> 557</span>  half8 c10 = 0.0f;</div><div class="line"><a name="l00558"></a><span class="lineno"> 558</span>  half8 c20 = 0.0f;</div><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  half8 c30 = 0.0f;</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span> </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  <span class="keywordflow">for</span>(; src_addr.s1 <= (end_row_mtx_b - 8); src_addr += (int2)(8, 16))</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  {</div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00564"></a><span class="lineno"> 564</span>  half4 a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00565"></a><span class="lineno"> 565</span>  half8 b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00566"></a><span class="lineno"> 566</span> </div><div class="line"><a name="l00567"></a><span class="lineno"> 567</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00568"></a><span class="lineno"> 568</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00569"></a><span class="lineno"> 569</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00570"></a><span class="lineno"> 570</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00571"></a><span class="lineno"> 571</span> </div><div class="line"><a name="l00572"></a><span class="lineno"> 572</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00573"></a><span class="lineno"> 573</span>  a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0 + 4);</div><div class="line"><a name="l00574"></a><span class="lineno"> 574</span>  b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1 + 8);</div><div class="line"><a name="l00575"></a><span class="lineno"> 575</span> </div><div class="line"><a name="l00576"></a><span class="lineno"> 576</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00578"></a><span class="lineno"> 578</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00579"></a><span class="lineno"> 579</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00580"></a><span class="lineno"> 580</span>  }</div><div class="line"><a name="l00581"></a><span class="lineno"> 581</span> </div><div class="line"><a name="l00582"></a><span class="lineno"> 582</span>  <span class="keywordflow">for</span>(; src_addr.s1 < end_row_mtx_b; src_addr += (int2)(4, 8))</div><div class="line"><a name="l00583"></a><span class="lineno"> 583</span>  {</div><div class="line"><a name="l00584"></a><span class="lineno"> 584</span>  <span class="comment">/* Load values from matrix A (interleaved) and matrix B (transposed) */</span></div><div class="line"><a name="l00585"></a><span class="lineno"> 585</span>  half4 a0 = vload4(0, ((__global half *)src0_ptr) + src_addr.s0);</div><div class="line"><a name="l00586"></a><span class="lineno"> 586</span>  half8 b0 = vload8(0, ((__global half *)src1_ptr) + src_addr.s1);</div><div class="line"><a name="l00587"></a><span class="lineno"> 587</span> </div><div class="line"><a name="l00588"></a><span class="lineno"> 588</span>  c00 += (half8)a0.s0 * b0;</div><div class="line"><a name="l00589"></a><span class="lineno"> 589</span>  c10 += (half8)a0.s1 * b0;</div><div class="line"><a name="l00590"></a><span class="lineno"> 590</span>  c20 += (half8)a0.s2 * b0;</div><div class="line"><a name="l00591"></a><span class="lineno"> 591</span>  c30 += (half8)a0.s3 * b0;</div><div class="line"><a name="l00592"></a><span class="lineno"> 592</span>  }</div><div class="line"><a name="l00593"></a><span class="lineno"> 593</span> </div><div class="line"><a name="l00594"></a><span class="lineno"> 594</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00595"></a><span class="lineno"> 595</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00596"></a><span class="lineno"> 596</span> </div><div class="line"><a name="l00597"></a><span class="lineno"> 597</span>  <span class="comment">/* Multiply by the weight of matrix product */</span></div><div class="line"><a name="l00598"></a><span class="lineno"> 598</span>  c00 = c00 * (half8)ALPHA;</div><div class="line"><a name="l00599"></a><span class="lineno"> 599</span>  c10 = c10 * (half8)ALPHA;</div><div class="line"><a name="l00600"></a><span class="lineno"> 600</span>  c20 = c20 * (half8)ALPHA;</div><div class="line"><a name="l00601"></a><span class="lineno"> 601</span>  c30 = c30 * (half8)ALPHA;</div><div class="line"><a name="l00602"></a><span class="lineno"> 602</span> </div><div class="line"><a name="l00603"></a><span class="lineno"> 603</span>  <span class="comment">/* Store 4x8 block */</span></div><div class="line"><a name="l00604"></a><span class="lineno"> 604</span>  vstore8(c00, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00605"></a><span class="lineno"> 605</span>  vstore8(c10, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 1)));</div><div class="line"><a name="l00606"></a><span class="lineno"> 606</span>  vstore8(c20, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 2)));</div><div class="line"><a name="l00607"></a><span class="lineno"> 607</span>  vstore8(c30, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 3)));</div><div class="line"><a name="l00608"></a><span class="lineno"> 608</span> }</div><div class="line"><a name="l00609"></a><span class="lineno"> 609</span> </div><div class="line"><a name="l00635"></a><span class="lineno"> 635</span> <span class="preprocessor">#if(defined WIDTH_VECTOR_A)</span></div><div class="line"><a name="l00636"></a><span class="lineno"> 636</span> __kernel <span class="keywordtype">void</span> gemm_vm_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00637"></a><span class="lineno"> 637</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00638"></a><span class="lineno"> 638</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00639"></a><span class="lineno"> 639</span> {</div><div class="line"><a name="l00640"></a><span class="lineno"> 640</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * 4;</div><div class="line"><a name="l00641"></a><span class="lineno"> 641</span> </div><div class="line"><a name="l00642"></a><span class="lineno"> 642</span>  <span class="comment">/* Compute the address for the vector A and matrix B */</span></div><div class="line"><a name="l00643"></a><span class="lineno"> 643</span>  int2 src_addr = ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00644"></a><span class="lineno"> 644</span>  src_addr.s1 += idx * <span class="keyword">sizeof</span>(float);</div><div class="line"><a name="l00645"></a><span class="lineno"> 645</span> </div><div class="line"><a name="l00646"></a><span class="lineno"> 646</span>  <span class="keywordtype">int</span> end_row_vec_a = src_addr.s0 + (WIDTH_VECTOR_A * <span class="keyword">sizeof</span>(float));</div><div class="line"><a name="l00647"></a><span class="lineno"> 647</span> </div><div class="line"><a name="l00648"></a><span class="lineno"> 648</span>  float4 acc = 0.0f;</div><div class="line"><a name="l00649"></a><span class="lineno"> 649</span> </div><div class="line"><a name="l00650"></a><span class="lineno"> 650</span>  <span class="keywordflow">for</span>(; src_addr.s0 <= (end_row_vec_a - 2 * <span class="keyword">sizeof</span>(float)); src_addr += (int2)(2 * <span class="keyword">sizeof</span>(<span class="keywordtype">float</span>), 2 * src1_stride_y))</div><div class="line"><a name="l00651"></a><span class="lineno"> 651</span>  {</div><div class="line"><a name="l00652"></a><span class="lineno"> 652</span>  float2 a0 = vload2(0, (__global <span class="keywordtype">float</span> *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00653"></a><span class="lineno"> 653</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00654"></a><span class="lineno"> 654</span>  float4 b1 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1 + src1_stride_y));</div><div class="line"><a name="l00655"></a><span class="lineno"> 655</span> </div><div class="line"><a name="l00656"></a><span class="lineno"> 656</span>  acc += b0 * (float4)a0.s0;</div><div class="line"><a name="l00657"></a><span class="lineno"> 657</span>  acc += b1 * (float4)a0.s1;</div><div class="line"><a name="l00658"></a><span class="lineno"> 658</span>  }</div><div class="line"><a name="l00659"></a><span class="lineno"> 659</span> </div><div class="line"><a name="l00660"></a><span class="lineno"> 660</span>  <span class="keywordflow">for</span>(; src_addr.s0 < end_row_vec_a; src_addr += (int2)(<span class="keyword">sizeof</span>(<span class="keywordtype">float</span>), src1_stride_y))</div><div class="line"><a name="l00661"></a><span class="lineno"> 661</span>  {</div><div class="line"><a name="l00662"></a><span class="lineno"> 662</span>  <span class="keywordtype">float</span> a0 = *((__global <span class="keywordtype">float</span> *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00663"></a><span class="lineno"> 663</span>  float4 b0 = vload4(0, (__global <span class="keywordtype">float</span> *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00664"></a><span class="lineno"> 664</span> </div><div class="line"><a name="l00665"></a><span class="lineno"> 665</span>  acc += b0 * (float4)a0;</div><div class="line"><a name="l00666"></a><span class="lineno"> 666</span>  }</div><div class="line"><a name="l00667"></a><span class="lineno"> 667</span> </div><div class="line"><a name="l00668"></a><span class="lineno"> 668</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00669"></a><span class="lineno"> 669</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00670"></a><span class="lineno"> 670</span> </div><div class="line"><a name="l00671"></a><span class="lineno"> 671</span>  <span class="comment">/* Multiply by the weight of vector-matrix product */</span></div><div class="line"><a name="l00672"></a><span class="lineno"> 672</span>  acc = acc * (float4)ALPHA;</div><div class="line"><a name="l00673"></a><span class="lineno"> 673</span> </div><div class="line"><a name="l00674"></a><span class="lineno"> 674</span>  vstore4(acc, 0, (__global <span class="keywordtype">float</span> *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00675"></a><span class="lineno"> 675</span> }</div><div class="line"><a name="l00676"></a><span class="lineno"> 676</span> </div><div class="line"><a name="l00702"></a><span class="lineno"> 702</span> __kernel <span class="keywordtype">void</span> gemm_vm_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src0),</div><div class="line"><a name="l00703"></a><span class="lineno"> 703</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src1),</div><div class="line"><a name="l00704"></a><span class="lineno"> 704</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00705"></a><span class="lineno"> 705</span> {</div><div class="line"><a name="l00706"></a><span class="lineno"> 706</span>  <span class="keywordtype">int</span> idx = get_global_id(0) * 8;</div><div class="line"><a name="l00707"></a><span class="lineno"> 707</span> </div><div class="line"><a name="l00708"></a><span class="lineno"> 708</span>  <span class="comment">/* Compute the address for the vector A and matrix B */</span></div><div class="line"><a name="l00709"></a><span class="lineno"> 709</span>  int2 src_addr = ((int2)(src0_offset_first_element_in_bytes, src1_offset_first_element_in_bytes));</div><div class="line"><a name="l00710"></a><span class="lineno"> 710</span>  src_addr.s1 += idx * <span class="keyword">sizeof</span>(half);</div><div class="line"><a name="l00711"></a><span class="lineno"> 711</span> </div><div class="line"><a name="l00712"></a><span class="lineno"> 712</span>  <span class="keywordtype">int</span> end_row_vec_a = src_addr.s0 + (WIDTH_VECTOR_A * <span class="keyword">sizeof</span>(half));</div><div class="line"><a name="l00713"></a><span class="lineno"> 713</span> </div><div class="line"><a name="l00714"></a><span class="lineno"> 714</span>  half8 acc = 0.0f;</div><div class="line"><a name="l00715"></a><span class="lineno"> 715</span> </div><div class="line"><a name="l00716"></a><span class="lineno"> 716</span>  <span class="keywordflow">for</span>(; src_addr.s0 <= (end_row_vec_a - 4 * <span class="keyword">sizeof</span>(half)); src_addr += (int2)(4 * <span class="keyword">sizeof</span>(half), 4 * src1_stride_y))</div><div class="line"><a name="l00717"></a><span class="lineno"> 717</span>  {</div><div class="line"><a name="l00718"></a><span class="lineno"> 718</span>  half4 a0 = vload4(0, (__global half *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00719"></a><span class="lineno"> 719</span>  half8 b0 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 0 * src1_stride_y));</div><div class="line"><a name="l00720"></a><span class="lineno"> 720</span>  half8 b1 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 1 * src1_stride_y));</div><div class="line"><a name="l00721"></a><span class="lineno"> 721</span>  half8 b2 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 2 * src1_stride_y));</div><div class="line"><a name="l00722"></a><span class="lineno"> 722</span>  half8 b3 = vload8(0, (__global half *)(src1_ptr + src_addr.s1 + 3 * src1_stride_y));</div><div class="line"><a name="l00723"></a><span class="lineno"> 723</span> </div><div class="line"><a name="l00724"></a><span class="lineno"> 724</span>  acc += b0 * (half8)a0.s0;</div><div class="line"><a name="l00725"></a><span class="lineno"> 725</span>  acc += b1 * (half8)a0.s1;</div><div class="line"><a name="l00726"></a><span class="lineno"> 726</span>  acc += b2 * (half8)a0.s2;</div><div class="line"><a name="l00727"></a><span class="lineno"> 727</span>  acc += b3 * (half8)a0.s3;</div><div class="line"><a name="l00728"></a><span class="lineno"> 728</span>  }</div><div class="line"><a name="l00729"></a><span class="lineno"> 729</span> </div><div class="line"><a name="l00730"></a><span class="lineno"> 730</span>  <span class="keywordflow">for</span>(; src_addr.s0 < end_row_vec_a; src_addr += (int2)(<span class="keyword">sizeof</span>(half), src1_stride_y))</div><div class="line"><a name="l00731"></a><span class="lineno"> 731</span>  {</div><div class="line"><a name="l00732"></a><span class="lineno"> 732</span>  half a0 = *((__global half *)(src0_ptr + src_addr.s0));</div><div class="line"><a name="l00733"></a><span class="lineno"> 733</span>  half8 b0 = vload8(0, (__global half *)(src1_ptr + src_addr.s1));</div><div class="line"><a name="l00734"></a><span class="lineno"> 734</span> </div><div class="line"><a name="l00735"></a><span class="lineno"> 735</span>  acc += b0 * (half8)a0;</div><div class="line"><a name="l00736"></a><span class="lineno"> 736</span>  }</div><div class="line"><a name="l00737"></a><span class="lineno"> 737</span> </div><div class="line"><a name="l00738"></a><span class="lineno"> 738</span>  <span class="comment">/* Compute destination address */</span></div><div class="line"><a name="l00739"></a><span class="lineno"> 739</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00740"></a><span class="lineno"> 740</span> </div><div class="line"><a name="l00741"></a><span class="lineno"> 741</span>  <span class="comment">/* Multiply by the weight of vector-matrix product */</span></div><div class="line"><a name="l00742"></a><span class="lineno"> 742</span>  acc = acc * (half8)ALPHA;</div><div class="line"><a name="l00743"></a><span class="lineno"> 743</span> </div><div class="line"><a name="l00744"></a><span class="lineno"> 744</span>  vstore8(acc, 0, (__global half *)(<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(&dst, 0, 0)));</div><div class="line"><a name="l00745"></a><span class="lineno"> 745</span> }</div><div class="line"><a name="l00746"></a><span class="lineno"> 746</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined WIDTH_VECTOR_A) */</span><span class="preprocessor"></span></div><div class="line"><a name="l00747"></a><span class="lineno"> 747</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined WIDTH_MATRIX_B && defined ALPHA) */</span><span class="preprocessor"></span></div><div class="line"><a name="l00748"></a><span class="lineno"> 748</span> </div><div class="line"><a name="l00766"></a><span class="lineno"> 766</span> <span class="preprocessor">#if(defined BETA)</span></div><div class="line"><a name="l00767"></a><span class="lineno"> 767</span> __kernel <span class="keywordtype">void</span> gemm_ma_f32(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00768"></a><span class="lineno"> 768</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00769"></a><span class="lineno"> 769</span> {</div><div class="line"><a name="l00770"></a><span class="lineno"> 770</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00771"></a><span class="lineno"> 771</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00772"></a><span class="lineno"> 772</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00773"></a><span class="lineno"> 773</span> </div><div class="line"><a name="l00774"></a><span class="lineno"> 774</span>  <span class="comment">/* Load values from A x B */</span></div><div class="line"><a name="l00775"></a><span class="lineno"> 775</span>  float4 alpha_ab = vload4(0, (__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00776"></a><span class="lineno"> 776</span> </div><div class="line"><a name="l00777"></a><span class="lineno"> 777</span>  <span class="comment">/* Load values from Matrix C */</span></div><div class="line"><a name="l00778"></a><span class="lineno"> 778</span>  float4 c = vload4(0, (__global <span class="keywordtype">float</span> *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00779"></a><span class="lineno"> 779</span> </div><div class="line"><a name="l00780"></a><span class="lineno"> 780</span>  <span class="comment">/* Computes alpha * axb + beta * c */</span></div><div class="line"><a name="l00781"></a><span class="lineno"> 781</span>  float4 out = alpha_ab + (float4)BETA * c;</div><div class="line"><a name="l00782"></a><span class="lineno"> 782</span> </div><div class="line"><a name="l00783"></a><span class="lineno"> 783</span>  <span class="comment">/* Store final result in axb matrix */</span></div><div class="line"><a name="l00784"></a><span class="lineno"> 784</span>  vstore4(out, 0, (__global <span class="keywordtype">float</span> *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00785"></a><span class="lineno"> 785</span> }</div><div class="line"><a name="l00786"></a><span class="lineno"> 786</span> </div><div class="line"><a name="l00802"></a><span class="lineno"> 802</span> __kernel <span class="keywordtype">void</span> gemm_ma_f16(<a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(src),</div><div class="line"><a name="l00803"></a><span class="lineno"> 803</span>  <a class="code" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a>(dst))</div><div class="line"><a name="l00804"></a><span class="lineno"> 804</span> {</div><div class="line"><a name="l00805"></a><span class="lineno"> 805</span>  <span class="comment">/* Compute source and destination addresses */</span></div><div class="line"><a name="l00806"></a><span class="lineno"> 806</span>  <a class="code" href="struct_image.xhtml">Image</a> src = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(src);</div><div class="line"><a name="l00807"></a><span class="lineno"> 807</span>  <a class="code" href="struct_image.xhtml">Image</a> dst = <a class="code" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a>(dst);</div><div class="line"><a name="l00808"></a><span class="lineno"> 808</span> </div><div class="line"><a name="l00809"></a><span class="lineno"> 809</span>  <span class="comment">/* Load values from A x B */</span></div><div class="line"><a name="l00810"></a><span class="lineno"> 810</span>  half8 alpha_ab = vload8(0, (__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00811"></a><span class="lineno"> 811</span> </div><div class="line"><a name="l00812"></a><span class="lineno"> 812</span>  <span class="comment">/* Load values from Matrix C */</span></div><div class="line"><a name="l00813"></a><span class="lineno"> 813</span>  half8 c = vload8(0, (__global half *)src.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00814"></a><span class="lineno"> 814</span> </div><div class="line"><a name="l00815"></a><span class="lineno"> 815</span>  <span class="comment">/* Computes alpha * axb + beta * c */</span></div><div class="line"><a name="l00816"></a><span class="lineno"> 816</span>  half8 out = alpha_ab + (half8)BETA * c;</div><div class="line"><a name="l00817"></a><span class="lineno"> 817</span> </div><div class="line"><a name="l00818"></a><span class="lineno"> 818</span>  <span class="comment">/* Store final result in axb matrix */</span></div><div class="line"><a name="l00819"></a><span class="lineno"> 819</span>  vstore8(out, 0, (__global half *)dst.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>);</div><div class="line"><a name="l00820"></a><span class="lineno"> 820</span> }</div><div class="line"><a name="l00821"></a><span class="lineno"> 821</span> <span class="preprocessor">#endif </span><span class="comment">/* (defined BETA) */</span><span class="preprocessor"></span></div><div class="ttc" id="struct_vector_xhtml"><div class="ttname"><a href="struct_vector.xhtml">Vector</a></div><div class="ttdoc">Structure to hold Vector information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00087">helpers.h:87</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a527bfdf5eeb306f1cf01c4a8e29f38e0"><div class="ttname"><a href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0">CONVERT_TO_VECTOR_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_VECTOR_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00067">helpers.h:67</a></div></div> +<div class="ttc" id="gemm_8cl_xhtml_aa66a7b6b0420e54ec173743e6c5bfc45"><div class="ttname"><a href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45">gemm_interleave4x4_8bit</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_8bit(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00219">gemm.cl:219</a></div></div> <div class="ttc" id="gemm_8cl_xhtml_a76295c333dfa3c9bb20975579dce87e8"><div class="ttname"><a href="gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8">gemm_accumulate_biases_f16</a></div><div class="ttdeci">__kernel void gemm_accumulate_biases_f16(__global uchar *accum_ptr, uint accum_stride_x, uint accum_step_x, uint accum_stride_y, uint accum_step_y, uint accum_offset_first_element_in_bytes, __global uchar *biases_ptr, uint biases_stride_x, uint biases_step_x, uint biases_offset_first_element_in_bytes)</div><div class="ttdoc">This kernel accumulates each row with the biases vector. </div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00290">gemm.cl:290</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a22f42fcf2077d951271df83b55c1a71a"><div class="ttname"><a href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a">IMAGE_DECLARATION</a></div><div class="ttdeci">#define IMAGE_DECLARATION(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00049">helpers.h:49</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a009469e4d9b8fce3b6d5e97d2077827d"><div class="ttname"><a href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a></div><div class="ttdeci">__global uchar * offset(const Image *img, int x, int y)</div><div class="ttdoc">Get the pointer position of a Image. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00201">helpers.h:201</a></div></div> -<div class="ttc" id="gemm_8cl_xhtml_a830ba1cc0ad3c8cffa4a14424b2d0411"><div class="ttname"><a href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411">gemm_interleave4x4_u8</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_u8(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00219">gemm.cl:219</a></div></div> <div class="ttc" id="helpers_8h_xhtml"><div class="ttname"><a href="helpers_8h.xhtml">helpers.h</a></div></div> <div class="ttc" id="helpers_8h_xhtml_aebe814363556c244be043b13e7969197"><div class="ttname"><a href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197">CONVERT_TO_IMAGE_STRUCT</a></div><div class="ttdeci">#define CONVERT_TO_IMAGE_STRUCT(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00073">helpers.h:73</a></div></div> -<div class="ttc" id="gemm_8cl_xhtml_ae333c12d780666b2591f7c8e9faaf5a9"><div class="ttname"><a href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9">gemm_interleave4x4_f16</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_f16(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00178">gemm.cl:178</a></div></div> -<div class="ttc" id="gemm_8cl_xhtml_acd423b6f992354e7c00137b20d687281"><div class="ttname"><a href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281">gemm_interleave4x4_f32</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_f32(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00137">gemm.cl:137</a></div></div> <div class="ttc" id="struct_vector_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">Vector::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00089">helpers.h:89</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a40a6eb9f2a7712f08d6bb8ff6c9e6ca7"><div class="ttname"><a href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">VECTOR_DECLARATION</a></div><div class="ttdeci">#define VECTOR_DECLARATION(name)</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00043">helpers.h:43</a></div></div> <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> <div class="ttc" id="gemm_8cl_xhtml_a11d87ecaf1388b4f57404e062265b374"><div class="ttname"><a href="gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374">gemm_transpose1x8_f16</a></div><div class="ttdeci">__kernel void gemm_transpose1x8_f16(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel computes the "vector" 1x8 transposition of input matrix. </div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00073">gemm.cl:73</a></div></div> <div class="ttc" id="struct_image_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">Image::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00097">helpers.h:97</a></div></div> +<div class="ttc" id="gemm_8cl_xhtml_a560b2d50aa886edc0f5daf4fe729717f"><div class="ttname"><a href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f">gemm_interleave4x4_32bit</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_32bit(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00137">gemm.cl:137</a></div></div> <div class="ttc" id="gemm_8cl_xhtml_a21d7061f36aec78824e368f2ef1cafc1"><div class="ttname"><a href="gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1">gemm_transpose1x4_f32</a></div><div class="ttdeci">__kernel void gemm_transpose1x4_f32(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel computes the "vector" 1x4 transposition of input matrix. </div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00041">gemm.cl:41</a></div></div> +<div class="ttc" id="gemm_8cl_xhtml_a2f32d740e780059f68da8aa589ed0a5b"><div class="ttname"><a href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b">gemm_interleave4x4_16bit</a></div><div class="ttdeci">__kernel void gemm_interleave4x4_16bit(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values...</div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00178">gemm.cl:178</a></div></div> <div class="ttc" id="gemm_8cl_xhtml_a7c619984bc9c31f5f6c19ecc88b56581"><div class="ttname"><a href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm_accumulate_biases_f32</a></div><div class="ttdeci">__kernel void gemm_accumulate_biases_f32(__global uchar *accum_ptr, uint accum_stride_x, uint accum_step_x, uint accum_stride_y, uint accum_step_y, uint accum_offset_first_element_in_bytes, __global uchar *biases_ptr, uint biases_stride_x, uint biases_step_x, uint biases_offset_first_element_in_bytes)</div><div class="ttdoc">This kernel accumulates each row with the biases vector. </div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00262">gemm.cl:262</a></div></div> <div class="ttc" id="gemm_8cl_xhtml_a675879eb72964ddbd5f71155da3b0cc3"><div class="ttname"><a href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm_transpose1x16_u8</a></div><div class="ttdeci">__kernel void gemm_transpose1x16_u8(__global uchar *src_ptr, uint src_stride_x, uint src_step_x, uint src_stride_y, uint src_step_y, uint src_offset_first_element_in_bytes, __global uchar *dst_ptr, uint dst_stride_x, uint dst_step_x, uint dst_stride_y, uint dst_step_y, uint dst_offset_first_element_in_bytes)</div><div class="ttdoc">This OpenCL kernel computes the "vector" 1x16 transposition of input matrix. </div><div class="ttdef"><b>Definition:</b> <a href="gemm_8cl_source.xhtml#l00105">gemm.cl:105</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('gemm_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="gemm_8cl.xhtml">gemm.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals.xhtml b/documentation/globals.xhtml index 799b8da86..898c79e6e 100644 --- a/documentation/globals.xhtml +++ b/documentation/globals.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -258,7 +258,7 @@ $(document).ready(function(){initNavTree('globals.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_b.xhtml b/documentation/globals_b.xhtml index 8dc3cba1b..5104e2b44 100644 --- a/documentation/globals_b.xhtml +++ b/documentation/globals_b.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ $(document).ready(function(){initNavTree('globals_b.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_c.xhtml b/documentation/globals_c.xhtml index 77750d998..f301fce81 100644 --- a/documentation/globals_c.xhtml +++ b/documentation/globals_c.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -369,7 +369,7 @@ $(document).ready(function(){initNavTree('globals_c.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_d.xhtml b/documentation/globals_d.xhtml index 14a6a26c2..79a1cb354 100644 --- a/documentation/globals_d.xhtml +++ b/documentation/globals_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -191,7 +191,7 @@ $(document).ready(function(){initNavTree('globals_d.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_defs.xhtml b/documentation/globals_defs.xhtml index cbab22b55..3a72dc90f 100644 --- a/documentation/globals_defs.xhtml +++ b/documentation/globals_defs.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -524,7 +524,7 @@ $(document).ready(function(){initNavTree('globals_defs.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_e.xhtml b/documentation/globals_e.xhtml index f70f773f7..50dd5d9f0 100644 --- a/documentation/globals_e.xhtml +++ b/documentation/globals_e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ $(document).ready(function(){initNavTree('globals_e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_f.xhtml b/documentation/globals_f.xhtml index 7b18e7112..5dbdbf715 100644 --- a/documentation/globals_f.xhtml +++ b/documentation/globals_f.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -172,7 +172,7 @@ $(document).ready(function(){initNavTree('globals_f.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func.xhtml b/documentation/globals_func.xhtml index a94020f62..45982519e 100644 --- a/documentation/globals_func.xhtml +++ b/documentation/globals_func.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -182,7 +182,7 @@ $(document).ready(function(){initNavTree('globals_func.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_b.xhtml b/documentation/globals_func_b.xhtml index 70e236d69..e9e92fa9a 100644 --- a/documentation/globals_func_b.xhtml +++ b/documentation/globals_func_b.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -176,7 +176,7 @@ $(document).ready(function(){initNavTree('globals_func_b.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_c.xhtml b/documentation/globals_func_c.xhtml index 54f2c9550..7711be6f3 100644 --- a/documentation/globals_func_c.xhtml +++ b/documentation/globals_func_c.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -287,7 +287,7 @@ $(document).ready(function(){initNavTree('globals_func_c.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_d.xhtml b/documentation/globals_func_d.xhtml index f0f573e8b..4b76997b4 100644 --- a/documentation/globals_func_d.xhtml +++ b/documentation/globals_func_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -161,7 +161,7 @@ $(document).ready(function(){initNavTree('globals_func_d.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_e.xhtml b/documentation/globals_func_e.xhtml index 79ffb9d22..93f05acbc 100644 --- a/documentation/globals_func_e.xhtml +++ b/documentation/globals_func_e.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -158,7 +158,7 @@ $(document).ready(function(){initNavTree('globals_func_e.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_f.xhtml b/documentation/globals_func_f.xhtml index d459fc6b0..ab9be6b73 100644 --- a/documentation/globals_func_f.xhtml +++ b/documentation/globals_func_f.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ $(document).ready(function(){initNavTree('globals_func_f.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_g.xhtml b/documentation/globals_func_g.xhtml index b6f251543..10e553671 100644 --- a/documentation/globals_func_g.xhtml +++ b/documentation/globals_func_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -161,14 +161,14 @@ $(document).ready(function(){initNavTree('globals_func_g.xhtml','');}); <li>gemm_accumulate_biases_f32() : <a class="el" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm.cl</a> </li> -<li>gemm_interleave4x4_f16() -: <a class="el" href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9">gemm.cl</a> +<li>gemm_interleave4x4_16bit() +: <a class="el" href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b">gemm.cl</a> </li> -<li>gemm_interleave4x4_f32() -: <a class="el" href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281">gemm.cl</a> +<li>gemm_interleave4x4_32bit() +: <a class="el" href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f">gemm.cl</a> </li> -<li>gemm_interleave4x4_u8() -: <a class="el" href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411">gemm.cl</a> +<li>gemm_interleave4x4_8bit() +: <a class="el" href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45">gemm.cl</a> </li> <li>gemm_transpose1x16_u8() : <a class="el" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm.cl</a> @@ -191,7 +191,7 @@ $(document).ready(function(){initNavTree('globals_func_g.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_h.xhtml b/documentation/globals_func_h.xhtml index 7b3cf5f8d..527a0b3bd 100644 --- a/documentation/globals_func_h.xhtml +++ b/documentation/globals_func_h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -185,7 +185,7 @@ $(document).ready(function(){initNavTree('globals_func_h.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_i.xhtml b/documentation/globals_func_i.xhtml index 2a46b7c08..a11c03241 100644 --- a/documentation/globals_func_i.xhtml +++ b/documentation/globals_func_i.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -188,7 +188,7 @@ $(document).ready(function(){initNavTree('globals_func_i.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_l.xhtml b/documentation/globals_func_l.xhtml index 3625f35cc..c788b9844 100644 --- a/documentation/globals_func_l.xhtml +++ b/documentation/globals_func_l.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -161,7 +161,7 @@ $(document).ready(function(){initNavTree('globals_func_l.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_m.xhtml b/documentation/globals_func_m.xhtml index 7278f166b..71b8a9b30 100644 --- a/documentation/globals_func_m.xhtml +++ b/documentation/globals_func_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ $(document).ready(function(){initNavTree('globals_func_m.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_n.xhtml b/documentation/globals_func_n.xhtml index d8b042a16..67b71376a 100644 --- a/documentation/globals_func_n.xhtml +++ b/documentation/globals_func_n.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -206,7 +206,7 @@ $(document).ready(function(){initNavTree('globals_func_n.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_o.xhtml b/documentation/globals_func_o.xhtml index b271c5f9d..102190875 100644 --- a/documentation/globals_func_o.xhtml +++ b/documentation/globals_func_o.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -158,7 +158,7 @@ $(document).ready(function(){initNavTree('globals_func_o.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_p.xhtml b/documentation/globals_func_p.xhtml index db8445ee1..9480b05bb 100644 --- a/documentation/globals_func_p.xhtml +++ b/documentation/globals_func_p.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -173,7 +173,7 @@ $(document).ready(function(){initNavTree('globals_func_p.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_r.xhtml b/documentation/globals_func_r.xhtml index 35789957f..97589e6c0 100644 --- a/documentation/globals_func_r.xhtml +++ b/documentation/globals_func_r.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -203,7 +203,7 @@ $(document).ready(function(){initNavTree('globals_func_r.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_s.xhtml b/documentation/globals_func_s.xhtml index 3a9a69b63..18288c631 100644 --- a/documentation/globals_func_s.xhtml +++ b/documentation/globals_func_s.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -203,7 +203,7 @@ $(document).ready(function(){initNavTree('globals_func_s.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_t.xhtml b/documentation/globals_func_t.xhtml index 026ccb44c..129d8f342 100644 --- a/documentation/globals_func_t.xhtml +++ b/documentation/globals_func_t.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -179,7 +179,7 @@ $(document).ready(function(){initNavTree('globals_func_t.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_u.xhtml b/documentation/globals_func_u.xhtml index 4bce9e568..1b5203b4c 100644 --- a/documentation/globals_func_u.xhtml +++ b/documentation/globals_func_u.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -176,7 +176,7 @@ $(document).ready(function(){initNavTree('globals_func_u.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_v.xhtml b/documentation/globals_func_v.xhtml index 030e590d0..090d45da4 100644 --- a/documentation/globals_func_v.xhtml +++ b/documentation/globals_func_v.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -150,7 +150,7 @@ $(document).ready(function(){initNavTree('globals_func_v.xhtml','');}); <h3><a class="anchor" id="index_v"></a>- v -</h3><ul> <li>vector_offset() -: <a class="el" href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8">helpers.h</a> +: <a class="el" href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019">helpers.h</a> </li> </ul> </div><!-- contents --> @@ -158,7 +158,7 @@ $(document).ready(function(){initNavTree('globals_func_v.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_w.xhtml b/documentation/globals_func_w.xhtml index 7b55964f5..e81f65803 100644 --- a/documentation/globals_func_w.xhtml +++ b/documentation/globals_func_w.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ $(document).ready(function(){initNavTree('globals_func_w.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_func_y.xhtml b/documentation/globals_func_y.xhtml index d2c2c8891..a6826bc20 100644 --- a/documentation/globals_func_y.xhtml +++ b/documentation/globals_func_y.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ $(document).ready(function(){initNavTree('globals_func_y.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_g.xhtml b/documentation/globals_g.xhtml index adb29c5e8..3eaa924d5 100644 --- a/documentation/globals_g.xhtml +++ b/documentation/globals_g.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -171,14 +171,14 @@ $(document).ready(function(){initNavTree('globals_g.xhtml','');}); <li>gemm_accumulate_biases_f32() : <a class="el" href="gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581">gemm.cl</a> </li> -<li>gemm_interleave4x4_f16() -: <a class="el" href="gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9">gemm.cl</a> +<li>gemm_interleave4x4_16bit() +: <a class="el" href="gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b">gemm.cl</a> </li> -<li>gemm_interleave4x4_f32() -: <a class="el" href="gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281">gemm.cl</a> +<li>gemm_interleave4x4_32bit() +: <a class="el" href="gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f">gemm.cl</a> </li> -<li>gemm_interleave4x4_u8() -: <a class="el" href="gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411">gemm.cl</a> +<li>gemm_interleave4x4_8bit() +: <a class="el" href="gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45">gemm.cl</a> </li> <li>gemm_transpose1x16_u8() : <a class="el" href="gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3">gemm.cl</a> @@ -201,7 +201,7 @@ $(document).ready(function(){initNavTree('globals_g.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_h.xhtml b/documentation/globals_h.xhtml index bff79ccb9..b7033c5a6 100644 --- a/documentation/globals_h.xhtml +++ b/documentation/globals_h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -193,7 +193,7 @@ $(document).ready(function(){initNavTree('globals_h.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_i.xhtml b/documentation/globals_i.xhtml index e25a68ab7..6f0a768d5 100644 --- a/documentation/globals_i.xhtml +++ b/documentation/globals_i.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -203,7 +203,7 @@ $(document).ready(function(){initNavTree('globals_i.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_k.xhtml b/documentation/globals_k.xhtml index 02a36aede..311dc5104 100644 --- a/documentation/globals_k.xhtml +++ b/documentation/globals_k.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -160,7 +160,7 @@ $(document).ready(function(){initNavTree('globals_k.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_l.xhtml b/documentation/globals_l.xhtml index a6d8f7562..9238acf23 100644 --- a/documentation/globals_l.xhtml +++ b/documentation/globals_l.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ $(document).ready(function(){initNavTree('globals_l.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_m.xhtml b/documentation/globals_m.xhtml index 33ecfa174..dc74bface 100644 --- a/documentation/globals_m.xhtml +++ b/documentation/globals_m.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -216,7 +216,7 @@ $(document).ready(function(){initNavTree('globals_m.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_n.xhtml b/documentation/globals_n.xhtml index fddf389e9..fad6458f8 100644 --- a/documentation/globals_n.xhtml +++ b/documentation/globals_n.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -211,7 +211,7 @@ $(document).ready(function(){initNavTree('globals_n.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_o.xhtml b/documentation/globals_o.xhtml index 3ebf70951..ede692bff 100644 --- a/documentation/globals_o.xhtml +++ b/documentation/globals_o.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -163,7 +163,7 @@ $(document).ready(function(){initNavTree('globals_o.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_p.xhtml b/documentation/globals_p.xhtml index cc66ffb21..bd200d0db 100644 --- a/documentation/globals_p.xhtml +++ b/documentation/globals_p.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -181,7 +181,7 @@ $(document).ready(function(){initNavTree('globals_p.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_r.xhtml b/documentation/globals_r.xhtml index 1a7f20cca..884980eb9 100644 --- a/documentation/globals_r.xhtml +++ b/documentation/globals_r.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -205,7 +205,7 @@ $(document).ready(function(){initNavTree('globals_r.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_s.xhtml b/documentation/globals_s.xhtml index cd8443c5a..e4262e42f 100644 --- a/documentation/globals_s.xhtml +++ b/documentation/globals_s.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -235,7 +235,7 @@ $(document).ready(function(){initNavTree('globals_s.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_t.xhtml b/documentation/globals_t.xhtml index 9a8d37e8e..285befba0 100644 --- a/documentation/globals_t.xhtml +++ b/documentation/globals_t.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -203,7 +203,7 @@ $(document).ready(function(){initNavTree('globals_t.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_type.xhtml b/documentation/globals_type.xhtml index 5ab6dbbdb..e7e16175b 100644 --- a/documentation/globals_type.xhtml +++ b/documentation/globals_type.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ $(document).ready(function(){initNavTree('globals_type.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_u.xhtml b/documentation/globals_u.xhtml index 643feffb2..f9a779a1c 100644 --- a/documentation/globals_u.xhtml +++ b/documentation/globals_u.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ $(document).ready(function(){initNavTree('globals_u.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_v.xhtml b/documentation/globals_v.xhtml index 06b8895c5..8b8df94dc 100644 --- a/documentation/globals_v.xhtml +++ b/documentation/globals_v.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -167,7 +167,7 @@ $(document).ready(function(){initNavTree('globals_v.xhtml','');}); : <a class="el" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7">helpers.h</a> </li> <li>vector_offset() -: <a class="el" href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8">helpers.h</a> +: <a class="el" href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019">helpers.h</a> </li> </ul> </div><!-- contents --> @@ -175,7 +175,7 @@ $(document).ready(function(){initNavTree('globals_v.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_vars.xhtml b/documentation/globals_vars.xhtml index 2977bbded..b4d3b2582 100644 --- a/documentation/globals_vars.xhtml +++ b/documentation/globals_vars.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -153,7 +153,7 @@ $(document).ready(function(){initNavTree('globals_vars.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_w.xhtml b/documentation/globals_w.xhtml index ea598d2b3..e2f31395a 100644 --- a/documentation/globals_w.xhtml +++ b/documentation/globals_w.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -172,7 +172,7 @@ $(document).ready(function(){initNavTree('globals_w.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_x.xhtml b/documentation/globals_x.xhtml index 78015d20d..df3de21ff 100644 --- a/documentation/globals_x.xhtml +++ b/documentation/globals_x.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ $(document).ready(function(){initNavTree('globals_x.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/globals_y.xhtml b/documentation/globals_y.xhtml index b2cfecc68..7d12d2796 100644 --- a/documentation/globals_y.xhtml +++ b/documentation/globals_y.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -190,7 +190,7 @@ $(document).ready(function(){initNavTree('globals_y.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/graph_legend.xhtml b/documentation/graph_legend.xhtml index bd7308e17..3cad91871 100644 --- a/documentation/graph_legend.xhtml +++ b/documentation/graph_legend.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ A yellow dashed arrow denotes a relation between a template instance and the tem <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/harris__corners_8cl.xhtml b/documentation/harris__corners_8cl.xhtml index 86da12680..7b2a20f93 100644 --- a/documentation/harris__corners_8cl.xhtml +++ b/documentation/harris__corners_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -797,7 +797,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="harris__corners_8cl.xhtml">harris_corners.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/harris__corners_8cl_source.xhtml b/documentation/harris__corners_8cl_source.xhtml index 031930d24..7270a0d18 100644 --- a/documentation/harris__corners_8cl_source.xhtml +++ b/documentation/harris__corners_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('harris__corners_8cl_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="harris__corners_8cl.xhtml">harris_corners.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/helpers_8h.js b/documentation/helpers_8h.js index 893067759..ba81778fe 100644 --- a/documentation/helpers_8h.js +++ b/documentation/helpers_8h.js @@ -29,5 +29,5 @@ var helpers_8h = [ "update_image_workitem_ptr", "helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d", null ], [ "update_tensor3D_workitem_ptr", "helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4", null ], [ "update_vector_workitem_ptr", "helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd", null ], - [ "vector_offset", "helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8", null ] + [ "vector_offset", "helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019", null ] ];
\ No newline at end of file diff --git a/documentation/helpers_8h.xhtml b/documentation/helpers_8h.xhtml index 758809fac..a93ef928a 100644 --- a/documentation/helpers_8h.xhtml +++ b/documentation/helpers_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -198,9 +198,9 @@ Functions</h2></td></tr> <tr class="memitem:a912ccbcc4235bf1274c95d05b50440d4"><td class="memItemLeft" align="right" valign="top"><a class="el" href="struct_tensor3_d.xhtml">Tensor3D</a> </td><td class="memItemRight" valign="bottom"><a class="el" href="helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4">update_tensor3D_workitem_ptr</a> (__global uchar *ptr, uint offset_first_element_in_bytes, uint stride_x, uint step_x, uint stride_y, uint step_y, uint stride_z, uint step_z)</td></tr> <tr class="memdesc:a912ccbcc4235bf1274c95d05b50440d4"><td class="mdescLeft"> </td><td class="mdescRight">Wrap 3D tensor information into an tensor structure, and make the pointer point at this workitem's data. <a href="#a912ccbcc4235bf1274c95d05b50440d4">More...</a><br /></td></tr> <tr class="separator:a912ccbcc4235bf1274c95d05b50440d4"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a37878e370129d09b9a86f61b57dbc0a8"><td class="memItemLeft" align="right" valign="top">__global const uchar * </td><td class="memItemRight" valign="bottom"><a class="el" href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8">vector_offset</a> (const <a class="el" href="struct_image.xhtml">Image</a> *img, int x)</td></tr> -<tr class="memdesc:a37878e370129d09b9a86f61b57dbc0a8"><td class="mdescLeft"> </td><td class="mdescRight">Get the pointer position of a <a class="el" href="struct_vector.xhtml" title="Structure to hold Vector information. ">Vector</a>. <a href="#a37878e370129d09b9a86f61b57dbc0a8">More...</a><br /></td></tr> -<tr class="separator:a37878e370129d09b9a86f61b57dbc0a8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a7e4940407322d6f0ccb8b6b86b856019"><td class="memItemLeft" align="right" valign="top">__global const uchar * </td><td class="memItemRight" valign="bottom"><a class="el" href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019">vector_offset</a> (const <a class="el" href="struct_vector.xhtml">Vector</a> *vec, int x)</td></tr> +<tr class="memdesc:a7e4940407322d6f0ccb8b6b86b856019"><td class="mdescLeft"> </td><td class="mdescRight">Get the pointer position of a <a class="el" href="struct_vector.xhtml" title="Structure to hold Vector information. ">Vector</a>. <a href="#a7e4940407322d6f0ccb8b6b86b856019">More...</a><br /></td></tr> +<tr class="separator:a7e4940407322d6f0ccb8b6b86b856019"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a009469e4d9b8fce3b6d5e97d2077827d"><td class="memItemLeft" align="right" valign="top">__global uchar * </td><td class="memItemRight" valign="bottom"><a class="el" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a> (const <a class="el" href="struct_image.xhtml">Image</a> *img, int x, int y)</td></tr> <tr class="memdesc:a009469e4d9b8fce3b6d5e97d2077827d"><td class="mdescLeft"> </td><td class="mdescRight">Get the pointer position of a <a class="el" href="struct_image.xhtml" title="Structure to hold Image information. ">Image</a>. <a href="#a009469e4d9b8fce3b6d5e97d2077827d">More...</a><br /></td></tr> <tr class="separator:a009469e4d9b8fce3b6d5e97d2077827d"><td class="memSeparator" colspan="2"> </td></tr> @@ -445,7 +445,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00073">73</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="absdiff_8cl_source.xhtml#l00050">absdiff()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00041">accumulate()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00112">accumulate_squared()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00076">accumulate_weighted()</a>, <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00059">arithmetic_add()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00104">arithmetic_sub()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00083">bitwise_and()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00149">bitwise_not()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00047">bitwise_or()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00119">bitwise_xor()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00053">channel_combine_RGB888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00127">channel_combine_RGBA8888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00253">channel_combine_UYVY422()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00198">channel_combine_YUYV422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00195">channel_extract_NV12()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00230">channel_extract_NV21()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00043">channel_extract_RGB888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00083">channel_extract_RGBA8888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00158">channel_extract_UYVY422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00122">channel_extract_YUYV422()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, <a class="el" href="canny_8cl_source.xhtml#l00057">combine_gradients_L1()</a>, <a class="el" href="canny_8cl_source.xhtml#l00121">combine_gradients_L2()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00051">convert_depth_down()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00085">convert_depth_up()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00274">convolution5x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00323">convolution7x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00386">convolution9x9_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00238">convolution_separable5x1_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00287">convolution_separable7x1_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00350">convolution_separable9x1_static()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00262">copy_plane()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00155">fast_corners()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00043">gaussian1x5_sub_x()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00105">gemm_transpose1x16_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00041">gemm_transpose1x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00073">gemm_transpose1x8_f16()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00210">harris_score_5x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00341">harris_score_7x7()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00238">hist_border_kernel_fixed()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00068">hist_local_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00178">hist_local_kernel_fixed()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00041">integral_horizontal()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00085">integral_vertical()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01703">IYUV_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01462">IYUV_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01541">IYUV_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01633">IYUV_to_YUV444_bt709()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="mean__stddev_8cl_source.xhtml#l00043">mean_stddev_accumulate()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00054">minmax()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00949">NV12_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00410">NV12_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00867">NV12_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01011">NV12_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01285">NV21_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01065">NV21_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01136">NV21_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01219">NV21_to_YUV444_bt709()</a>, <a class="el" href="pixelwise__mul__float_8cl_source.xhtml#l00061">pixelwise_mul_float()</a>, <a class="el" href="pixelwise__mul__int_8cl_source.xhtml#l00060">pixelwise_mul_int()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="remap_8cl_source.xhtml#l00113">remap_bilinear()</a>, <a class="el" href="remap_8cl_source.xhtml#l00059">remap_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00554">RGB888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00325">RGB888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00044">RGB888_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00488">RGB888_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00786">RGBA8888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00702">RGBA8888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00085">RGBA8888_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00642">RGBA8888_to_YUV444_bt709()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00259">sobel_separable1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00442">sobel_separable1x7()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00325">sobel_separable5x1()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00506">sobel_separable7x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00207">softmax_layer_norm()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00084">tablelookup_S16()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00045">tablelookup_U8()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00044">threshold_binary()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00084">threshold_range()</a>, <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01341">UYVY422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01803">UYVY422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00124">UYVY422_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00172">UYVY422_to_RGBA8888_bt709()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00111">warp_affine_bilinear()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00079">warp_affine_nearest_neighbour()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00119">warp_perspective_bilinear()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00087">warp_perspective_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01402">YUYV422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01754">YUYV422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00221">YUYV422_to_RGB888_bt709()</a>, and <a class="el" href="color__convert_8cl_source.xhtml#l00269">YUYV422_to_RGBA8888_bt709()</a>.</p> +<p>Referenced by <a class="el" href="absdiff_8cl_source.xhtml#l00050">absdiff()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00041">accumulate()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00112">accumulate_squared()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00076">accumulate_weighted()</a>, <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00059">arithmetic_add()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00104">arithmetic_sub()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00083">bitwise_and()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00149">bitwise_not()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00047">bitwise_or()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00119">bitwise_xor()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00053">channel_combine_RGB888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00127">channel_combine_RGBA8888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00253">channel_combine_UYVY422()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00198">channel_combine_YUYV422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00195">channel_extract_NV12()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00230">channel_extract_NV21()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00043">channel_extract_RGB888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00083">channel_extract_RGBA8888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00158">channel_extract_UYVY422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00122">channel_extract_YUYV422()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, <a class="el" href="canny_8cl_source.xhtml#l00057">combine_gradients_L1()</a>, <a class="el" href="canny_8cl_source.xhtml#l00121">combine_gradients_L2()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00051">convert_depth_down()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00085">convert_depth_up()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00274">convolution5x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00323">convolution7x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00386">convolution9x9_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00238">convolution_separable5x1_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00287">convolution_separable7x1_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00350">convolution_separable9x1_static()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00262">copy_plane()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00155">fast_corners()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00043">gaussian1x5_sub_x()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_16bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_32bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_8bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00105">gemm_transpose1x16_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00041">gemm_transpose1x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00073">gemm_transpose1x8_f16()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00210">harris_score_5x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00341">harris_score_7x7()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00238">hist_border_kernel_fixed()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00068">hist_local_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00178">hist_local_kernel_fixed()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00041">integral_horizontal()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00085">integral_vertical()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01703">IYUV_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01462">IYUV_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01541">IYUV_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01633">IYUV_to_YUV444_bt709()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="mean__stddev_8cl_source.xhtml#l00043">mean_stddev_accumulate()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00054">minmax()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00949">NV12_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00410">NV12_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00867">NV12_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01011">NV12_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01285">NV21_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01065">NV21_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01136">NV21_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01219">NV21_to_YUV444_bt709()</a>, <a class="el" href="pixelwise__mul__float_8cl_source.xhtml#l00061">pixelwise_mul_float()</a>, <a class="el" href="pixelwise__mul__int_8cl_source.xhtml#l00060">pixelwise_mul_int()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="remap_8cl_source.xhtml#l00113">remap_bilinear()</a>, <a class="el" href="remap_8cl_source.xhtml#l00059">remap_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00554">RGB888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00325">RGB888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00044">RGB888_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00488">RGB888_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00786">RGBA8888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00702">RGBA8888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00085">RGBA8888_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00642">RGBA8888_to_YUV444_bt709()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00259">sobel_separable1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00442">sobel_separable1x7()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00325">sobel_separable5x1()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00506">sobel_separable7x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00207">softmax_layer_norm()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00084">tablelookup_S16()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00045">tablelookup_U8()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00044">threshold_binary()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00084">threshold_range()</a>, <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01341">UYVY422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01803">UYVY422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00124">UYVY422_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00172">UYVY422_to_RGBA8888_bt709()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00111">warp_affine_bilinear()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00079">warp_affine_nearest_neighbour()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00119">warp_perspective_bilinear()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00087">warp_perspective_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01402">YUYV422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01754">YUYV422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00221">YUYV422_to_RGB888_bt709()</a>, and <a class="el" href="color__convert_8cl_source.xhtml#l00269">YUYV422_to_RGBA8888_bt709()</a>.</p> </div> </div> @@ -486,7 +486,7 @@ Functions</h2></td></tr> </div><!-- fragment --> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00079">79</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00208">im2col_reduced()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, and <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00203">im2col_reduced()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, and <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>.</p> </div> </div> @@ -506,7 +506,7 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00083">83</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>.</p> </div> </div> @@ -758,7 +758,7 @@ Functions</h2></td></tr> <p>References <a class="el" href="helpers_8h_source.xhtml#l00097">Image::ptr</a>, <a class="el" href="helpers_8h_source.xhtml#l00099">Image::stride_x</a>, and <a class="el" href="helpers_8h_source.xhtml#l00100">Image::stride_y</a>.</p> -<p>Referenced by <a class="el" href="warp__helpers_8h_source.xhtml#l00080">bilinear_interpolate()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00082">convolution3x3()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00087">convolution5x1()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00159">convolution5x5()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00097">convolution7x1()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00202">convolution7x7()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00108">convolution9x1()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00256">convolution9x9()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_u8()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00138">harris_score_1x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00253">harris_score_1x7()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00041">integral_horizontal()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00085">integral_vertical()</a>, <a class="el" href="optical__flow__pyramid__lk_8cl_source.xhtml#l00207">lktracker_stage0()</a>, <a class="el" href="optical__flow__pyramid__lk_8cl_source.xhtml#l00358">lktracker_stage1()</a>, <a class="el" href="mean__stddev_8cl_source.xhtml#l00043">mean_stddev_accumulate()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00054">minmax()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00045">read_texels4()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00154">sobel1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00206">sobel5x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00207">softmax_layer_norm()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, and <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>.</p> +<p>Referenced by <a class="el" href="warp__helpers_8h_source.xhtml#l00080">bilinear_interpolate()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00082">convolution3x3()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00087">convolution5x1()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00159">convolution5x5()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00097">convolution7x1()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00202">convolution7x7()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00108">convolution9x1()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00256">convolution9x9()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_16bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_32bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_8bit()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00138">harris_score_1x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00253">harris_score_1x7()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00041">integral_horizontal()</a>, <a class="el" href="integral__image_8cl_source.xhtml#l00085">integral_vertical()</a>, <a class="el" href="optical__flow__pyramid__lk_8cl_source.xhtml#l00207">lktracker_stage0()</a>, <a class="el" href="optical__flow__pyramid__lk_8cl_source.xhtml#l00358">lktracker_stage1()</a>, <a class="el" href="mean__stddev_8cl_source.xhtml#l00043">mean_stddev_accumulate()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00054">minmax()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="warp__helpers_8h_source.xhtml#l00045">read_texels4()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00154">sobel1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00206">sobel5x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00207">softmax_layer_norm()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, and <a class="el" href="transpose_8cl_source.xhtml#l00145">transpose()</a>.</p> <div class="fragment"><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">return</span> img-><a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * img-><a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a> + y * img-><a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> }</div><div class="ttc" id="struct_image_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">Image::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00097">helpers.h:97</a></div></div> <div class="ttc" id="struct_image_xhtml_a4f0b90c9ecd6e57ceb3f37332fefe8f1"><div class="ttname"><a href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">Image::stride_y</a></div><div class="ttdeci">int stride_y</div><div class="ttdoc">Stride of the image in Y dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00100">helpers.h:100</a></div></div> <div class="ttc" id="struct_image_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Image::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00099">helpers.h:99</a></div></div> @@ -1069,7 +1069,7 @@ Functions</h2></td></tr> </div><!-- fragment --> </div> </div> -<a class="anchor" id="a37878e370129d09b9a86f61b57dbc0a8"></a> +<a class="anchor" id="a7e4940407322d6f0ccb8b6b86b856019"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -1079,8 +1079,8 @@ Functions</h2></td></tr> <tr> <td class="memname">__global const uchar* vector_offset </td> <td>(</td> - <td class="paramtype">const <a class="el" href="struct_image.xhtml">Image</a> * </td> - <td class="paramname"><em>img</em>, </td> + <td class="paramtype">const <a class="el" href="struct_vector.xhtml">Vector</a> * </td> + <td class="paramname"><em>vec</em>, </td> </tr> <tr> <td class="paramkey"></td> @@ -1104,7 +1104,7 @@ Functions</h2></td></tr> <p>Get the pointer position of a <a class="el" href="struct_vector.xhtml" title="Structure to hold Vector information. ">Vector</a>. </p> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> - <tr><td class="paramdir">[in]</td><td class="paramname">img</td><td>Pointer to the starting position of the buffer </td></tr> + <tr><td class="paramdir">[in]</td><td class="paramname">vec</td><td>Pointer to the starting position of the buffer </td></tr> <tr><td class="paramdir">[in]</td><td class="paramname">x</td><td>Relative X position </td></tr> </table> </dd> @@ -1112,9 +1112,9 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00190">190</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>References <a class="el" href="helpers_8h_source.xhtml#l00097">Image::ptr</a>, and <a class="el" href="helpers_8h_source.xhtml#l00099">Image::stride_x</a>.</p> -<div class="fragment"><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> {</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> img-><a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * img-><a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> }</div><div class="ttc" id="struct_image_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">Image::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00097">helpers.h:97</a></div></div> -<div class="ttc" id="struct_image_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Image::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00099">helpers.h:99</a></div></div> +<p>References <a class="el" href="helpers_8h_source.xhtml#l00089">Vector::ptr</a>, and <a class="el" href="helpers_8h_source.xhtml#l00091">Vector::stride_x</a>.</p> +<div class="fragment"><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> {</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> vec-><a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * vec-><a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> }</div><div class="ttc" id="struct_vector_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Vector::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00091">helpers.h:91</a></div></div> +<div class="ttc" id="struct_vector_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">Vector::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00089">helpers.h:89</a></div></div> </div><!-- fragment --> </div> </div> @@ -1124,7 +1124,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="helpers_8h.xhtml">helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/helpers_8h_source.xhtml b/documentation/helpers_8h_source.xhtml index 71767f538..11837bd83 100644 --- a/documentation/helpers_8h_source.xhtml +++ b/documentation/helpers_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,7 +116,7 @@ $(document).ready(function(){initNavTree('helpers_8h_source.xhtml','');}); <div class="title">helpers.h</div> </div> </div><!--header--> <div class="contents"> -<a href="helpers_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef ARM_COMPUTE_HELPER_H</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define ARM_COMPUTE_HELPER_H</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#pragma OPENCL EXTENSION cl_khr_fp16 : enable</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aabdbe431f2713c5c2604cb9872b66aab"> 29</a></span> <span class="preprocessor">#define CLAMP(x, min_val, max_val) min(max(x, min_val), max_val)</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#ae802822defb0fa3a7f74f98e324696cb"> 31</a></span> <span class="preprocessor">#define VEC_DATA_TYPE_STR(type, size) type##size</span></div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a36f754c05b6fddf6df0d8d0a74f8159f"> 32</a></span> <span class="preprocessor">#define VEC_DATA_TYPE(type, size) VEC_DATA_TYPE_STR(type, size)</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4090567b3adb034c7cc1af308cb45670"> 34</a></span> <span class="preprocessor">#define CONVERT_STR(x, type) (convert_##type((x)))</span></div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aa8d95ba04fc73845abc6045952cae5be"> 35</a></span> <span class="preprocessor">#define CONVERT(x, type) CONVERT_STR(x, type)</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4e0fc93c9a69863dcdf7672ab547026c"> 37</a></span> <span class="preprocessor">#define CONVERT_SAT_STR(x, type) (convert_##type##_sat((x)))</span></div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a23fb01b6f3453cc0e48a026fd44f6acd"> 38</a></span> <span class="preprocessor">#define CONVERT_SAT(x, type) CONVERT_SAT_STR(x, type)</span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a341a0c28698c3f6bd171df1771c5a512"> 40</a></span> <span class="preprocessor">#define CONVERT_SAT_ROUND_STR(x, type, round) (convert_##type##_sat_##round((x)))</span></div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a28b2b123792a5b11a32cb05a6d327437"> 41</a></span> <span class="preprocessor">#define CONVERT_SAT_ROUND(x, type, round) CONVERT_SAT_ROUND_STR(x, type, round)</span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7"> 43</a></span> <span class="preprocessor">#define VECTOR_DECLARATION(name) \</span></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> </div><div class="line"><a name="l00049"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a"> 49</a></span> <span class="preprocessor">#define IMAGE_DECLARATION(name) \</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="preprocessor"> uint name##_stride_y, \</span></div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="preprocessor"> uint name##_step_y, \</span></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0"> 57</a></span> <span class="preprocessor">#define TENSOR3D_DECLARATION(name) \</span></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor"> uint name##_stride_y, \</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor"> uint name##_step_y, \</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor"> uint name##_stride_z, \</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="preprocessor"> uint name##_step_z, \</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0"> 67</a></span> <span class="preprocessor">#define CONVERT_TO_VECTOR_STRUCT(name) \</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor"> update_vector_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x)</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a64d779f80eeb923e0ab2313433f7b40b"> 70</a></span> <span class="preprocessor">#define CONVERT_TO_VECTOR_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor"> update_vector_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0)</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197"> 73</a></span> <span class="preprocessor">#define CONVERT_TO_IMAGE_STRUCT(name) \</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor"> update_image_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x, name##_stride_y, name##_step_y)</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a"> 76</a></span> <span class="preprocessor">#define CONVERT_TO_IMAGE_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor"> update_image_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0, name##_stride_y, 0)</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc"> 79</a></span> <span class="preprocessor">#define CONVERT_TO_TENSOR3D_STRUCT(name) \</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor"> update_tensor3D_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x, name##_stride_y, name##_step_y, \</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor"> name##_stride_z, name##_step_z)</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2"> 83</a></span> <span class="preprocessor">#define CONVERT_TO_TENSOR3D_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="preprocessor"> update_tensor3D_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0, name##_stride_y, 0, name##_stride_z, 0)</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="struct_vector.xhtml"> 87</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_vector.xhtml">Vector</a></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32"> 89</a></span>  __global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00090"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd"> 90</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00091"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 91</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> } <a class="code" href="helpers_8h.xhtml#a6ded2cf071c127e518317e3c451af3ef">Vector</a>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00095"></a><span class="lineno"><a class="line" href="struct_image.xhtml"> 95</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_image.xhtml">Image</a></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> {</div><div class="line"><a name="l00097"></a><span class="lineno"><a class="line" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32"> 97</a></span>  __global uchar *<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd"> 98</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00099"></a><span class="lineno"><a class="line" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 99</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00100"></a><span class="lineno"><a class="line" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1"> 100</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> } <a class="code" href="helpers_8h.xhtml#a9082e6aa9fd1705dc218cf44bc5a9d66">Image</a>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00104"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml"> 104</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a></div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> {</div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32"> 106</a></span>  __global uchar *<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00107"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd"> 107</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 108</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00109"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1"> 109</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>; </div><div class="line"><a name="l00110"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c"> 110</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a>; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> } <a class="code" href="helpers_8h.xhtml#a1a857bfe99727c6051e9a3ee285d70f6">Tensor3D</a>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> </div><div class="line"><a name="l00122"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd"> 122</a></span> <a class="code" href="struct_vector.xhtml">Vector</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd">update_vector_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x)</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> {</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="struct_vector.xhtml">Vector</a> vector =</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  {</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  .<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  };</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  vector.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += vector.<a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="keywordflow">return</span> vector;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> }</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span> </div><div class="line"><a name="l00145"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d"> 145</a></span> <a class="code" href="struct_image.xhtml">Image</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d">update_image_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x, uint stride_y, uint step_y)</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <a class="code" href="struct_image.xhtml">Image</a> img =</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  {</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  .<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  .stride_y = stride_y</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  };</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  img.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += img.<a class="code" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x + get_global_id(1) * step_y;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keywordflow">return</span> img;</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span> }</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> </div><div class="line"><a name="l00171"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4"> 171</a></span> <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4">update_tensor3D_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x, uint stride_y, uint step_y, uint stride_z, uint step_z)</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> {</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> tensor =</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  {</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  .<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  .stride_y = stride_y,</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  .stride_z = stride_z</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  };</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  tensor.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += tensor.<a class="code" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x + get_global_id(1) * step_y + get_global_id(2) * step_z;</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> tensor;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span> }</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00190"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8"> 190</a></span> __global <span class="keyword">inline</span> <span class="keyword">const</span> uchar *<a class="code" href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8">vector_offset</a>(<span class="keyword">const</span> <a class="code" href="struct_image.xhtml">Image</a> *img, <span class="keywordtype">int</span> x)</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> {</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> img-><a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * img-><a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> }</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> </div><div class="line"><a name="l00201"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d"> 201</a></span> __global <span class="keyword">inline</span> uchar *<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(<span class="keyword">const</span> <a class="code" href="struct_image.xhtml">Image</a> *img, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y)</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">return</span> img-><a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * img-><a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a> + y * img-><a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> }</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span> </div><div class="line"><a name="l00213"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85"> 213</a></span> __global <span class="keyword">inline</span> <span class="keyword">const</span> uchar *<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(<span class="keyword">const</span> <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> *tensor, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y, <span class="keywordtype">int</span> z)</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> {</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keywordflow">return</span> tensor-><a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * tensor-><a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a> + y * tensor-><a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + z * tensor-><a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a>;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> }</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span> </div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> <span class="preprocessor">#endif // _HELPER_H</span></div><div class="ttc" id="struct_vector_xhtml"><div class="ttname"><a href="struct_vector.xhtml">Vector</a></div><div class="ttdoc">Structure to hold Vector information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00087">helpers.h:87</a></div></div> +<a href="helpers_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef ARM_COMPUTE_HELPER_H</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define ARM_COMPUTE_HELPER_H</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#pragma OPENCL EXTENSION cl_khr_fp16 : enable</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aabdbe431f2713c5c2604cb9872b66aab"> 29</a></span> <span class="preprocessor">#define CLAMP(x, min_val, max_val) min(max(x, min_val), max_val)</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#ae802822defb0fa3a7f74f98e324696cb"> 31</a></span> <span class="preprocessor">#define VEC_DATA_TYPE_STR(type, size) type##size</span></div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a36f754c05b6fddf6df0d8d0a74f8159f"> 32</a></span> <span class="preprocessor">#define VEC_DATA_TYPE(type, size) VEC_DATA_TYPE_STR(type, size)</span></div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4090567b3adb034c7cc1af308cb45670"> 34</a></span> <span class="preprocessor">#define CONVERT_STR(x, type) (convert_##type((x)))</span></div><div class="line"><a name="l00035"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aa8d95ba04fc73845abc6045952cae5be"> 35</a></span> <span class="preprocessor">#define CONVERT(x, type) CONVERT_STR(x, type)</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4e0fc93c9a69863dcdf7672ab547026c"> 37</a></span> <span class="preprocessor">#define CONVERT_SAT_STR(x, type) (convert_##type##_sat((x)))</span></div><div class="line"><a name="l00038"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a23fb01b6f3453cc0e48a026fd44f6acd"> 38</a></span> <span class="preprocessor">#define CONVERT_SAT(x, type) CONVERT_SAT_STR(x, type)</span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> </div><div class="line"><a name="l00040"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a341a0c28698c3f6bd171df1771c5a512"> 40</a></span> <span class="preprocessor">#define CONVERT_SAT_ROUND_STR(x, type, round) (convert_##type##_sat_##round((x)))</span></div><div class="line"><a name="l00041"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a28b2b123792a5b11a32cb05a6d327437"> 41</a></span> <span class="preprocessor">#define CONVERT_SAT_ROUND(x, type, round) CONVERT_SAT_ROUND_STR(x, type, round)</span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7"> 43</a></span> <span class="preprocessor">#define VECTOR_DECLARATION(name) \</span></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span> </div><div class="line"><a name="l00049"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a22f42fcf2077d951271df83b55c1a71a"> 49</a></span> <span class="preprocessor">#define IMAGE_DECLARATION(name) \</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> <span class="preprocessor"> uint name##_stride_y, \</span></div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> <span class="preprocessor"> uint name##_step_y, \</span></div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> </div><div class="line"><a name="l00057"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0"> 57</a></span> <span class="preprocessor">#define TENSOR3D_DECLARATION(name) \</span></div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="preprocessor"> __global uchar *name##_ptr, \</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> <span class="preprocessor"> uint name##_stride_x, \</span></div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="preprocessor"> uint name##_step_x, \</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> <span class="preprocessor"> uint name##_stride_y, \</span></div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> <span class="preprocessor"> uint name##_step_y, \</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span> <span class="preprocessor"> uint name##_stride_z, \</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span> <span class="preprocessor"> uint name##_step_z, \</span></div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span> <span class="preprocessor"> uint name##_offset_first_element_in_bytes</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> </div><div class="line"><a name="l00067"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a527bfdf5eeb306f1cf01c4a8e29f38e0"> 67</a></span> <span class="preprocessor">#define CONVERT_TO_VECTOR_STRUCT(name) \</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="preprocessor"> update_vector_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x)</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a64d779f80eeb923e0ab2313433f7b40b"> 70</a></span> <span class="preprocessor">#define CONVERT_TO_VECTOR_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> <span class="preprocessor"> update_vector_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0)</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#aebe814363556c244be043b13e7969197"> 73</a></span> <span class="preprocessor">#define CONVERT_TO_IMAGE_STRUCT(name) \</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> <span class="preprocessor"> update_image_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x, name##_stride_y, name##_step_y)</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a"> 76</a></span> <span class="preprocessor">#define CONVERT_TO_IMAGE_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor"> update_image_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0, name##_stride_y, 0)</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00079"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc"> 79</a></span> <span class="preprocessor">#define CONVERT_TO_TENSOR3D_STRUCT(name) \</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> <span class="preprocessor"> update_tensor3D_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, name##_step_x, name##_stride_y, name##_step_y, \</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> <span class="preprocessor"> name##_stride_z, name##_step_z)</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2"> 83</a></span> <span class="preprocessor">#define CONVERT_TO_TENSOR3D_STRUCT_NO_STEP(name) \</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> <span class="preprocessor"> update_tensor3D_workitem_ptr(name##_ptr, name##_offset_first_element_in_bytes, name##_stride_x, 0, name##_stride_y, 0, name##_stride_z, 0)</span></div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> </div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="struct_vector.xhtml"> 87</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_vector.xhtml">Vector</a></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32"> 89</a></span>  __global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00090"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd"> 90</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00091"></a><span class="lineno"><a class="line" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 91</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span> } <a class="code" href="helpers_8h.xhtml#a6ded2cf071c127e518317e3c451af3ef">Vector</a>;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00095"></a><span class="lineno"><a class="line" href="struct_image.xhtml"> 95</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_image.xhtml">Image</a></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span> {</div><div class="line"><a name="l00097"></a><span class="lineno"><a class="line" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32"> 97</a></span>  __global uchar *<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00098"></a><span class="lineno"><a class="line" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd"> 98</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00099"></a><span class="lineno"><a class="line" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 99</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00100"></a><span class="lineno"><a class="line" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1"> 100</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>; </div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> } <a class="code" href="helpers_8h.xhtml#a9082e6aa9fd1705dc218cf44bc5a9d66">Image</a>;</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00104"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml"> 104</a></span> <span class="keyword">typedef</span> <span class="keyword">struct </span><a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a></div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> {</div><div class="line"><a name="l00106"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32"> 106</a></span>  __global uchar *<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>; </div><div class="line"><a name="l00107"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd"> 107</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>; </div><div class="line"><a name="l00108"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e"> 108</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>; </div><div class="line"><a name="l00109"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1"> 109</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>; </div><div class="line"><a name="l00110"></a><span class="lineno"><a class="line" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c"> 110</a></span>  <span class="keywordtype">int</span> <a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a>; </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span> } <a class="code" href="helpers_8h.xhtml#a1a857bfe99727c6051e9a3ee285d70f6">Tensor3D</a>;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span> </div><div class="line"><a name="l00122"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd"> 122</a></span> <a class="code" href="struct_vector.xhtml">Vector</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd">update_vector_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x)</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> {</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="struct_vector.xhtml">Vector</a> vector =</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  {</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  .<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  };</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  vector.<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += vector.<a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <span class="keywordflow">return</span> vector;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> }</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span> </div><div class="line"><a name="l00145"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d"> 145</a></span> <a class="code" href="struct_image.xhtml">Image</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d">update_image_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x, uint stride_y, uint step_y)</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span> {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <a class="code" href="struct_image.xhtml">Image</a> img =</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  {</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  .<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  .stride_y = stride_y</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  };</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  img.<a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += img.<a class="code" href="struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x + get_global_id(1) * step_y;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keywordflow">return</span> img;</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span> }</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> </div><div class="line"><a name="l00171"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4"> 171</a></span> <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> <span class="keyword">inline</span> <a class="code" href="helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4">update_tensor3D_workitem_ptr</a>(__global uchar *<a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>, uint <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>, uint <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>, uint step_x, uint stride_y, uint step_y, uint stride_z, uint step_z)</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span> {</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> tensor =</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  {</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  .<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> = <a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a>,</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  .offset_first_element_in_bytes = <a class="code" href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a>,</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  .stride_x = <a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>,</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  .stride_y = stride_y,</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  .stride_z = stride_z</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  };</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  tensor.<a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> += tensor.<a class="code" href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd">offset_first_element_in_bytes</a> + get_global_id(0) * step_x + get_global_id(1) * step_y + get_global_id(2) * step_z;</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> tensor;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span> }</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span> </div><div class="line"><a name="l00190"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019"> 190</a></span> __global <span class="keyword">inline</span> <span class="keyword">const</span> uchar *<a class="code" href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019">vector_offset</a>(<span class="keyword">const</span> <a class="code" href="struct_vector.xhtml">Vector</a> *vec, <span class="keywordtype">int</span> x)</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> {</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">return</span> vec-><a class="code" href="struct_vector.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * vec-><a class="code" href="struct_vector.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> }</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> </div><div class="line"><a name="l00201"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d"> 201</a></span> __global <span class="keyword">inline</span> uchar *<a class="code" href="helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d">offset</a>(<span class="keyword">const</span> <a class="code" href="struct_image.xhtml">Image</a> *img, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y)</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="keywordflow">return</span> img-><a class="code" href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * img-><a class="code" href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a> + y * img-><a class="code" href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a>;</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> }</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span> </div><div class="line"><a name="l00213"></a><span class="lineno"><a class="line" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85"> 213</a></span> __global <span class="keyword">inline</span> <span class="keyword">const</span> uchar *<a class="code" href="helpers_8h.xhtml#a2101b2fe0193ce227ae4e0945e321d85">tensor3D_offset</a>(<span class="keyword">const</span> <a class="code" href="struct_tensor3_d.xhtml">Tensor3D</a> *tensor, <span class="keywordtype">int</span> x, <span class="keywordtype">int</span> y, <span class="keywordtype">int</span> z)</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> {</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="keywordflow">return</span> tensor-><a class="code" href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">ptr</a> + x * tensor-><a class="code" href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">stride_x</a> + y * tensor-><a class="code" href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">stride_y</a> + z * tensor-><a class="code" href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">stride_z</a>;</div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> }</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span> </div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> <span class="preprocessor">#endif // _HELPER_H</span></div><div class="ttc" id="struct_vector_xhtml"><div class="ttname"><a href="struct_vector.xhtml">Vector</a></div><div class="ttdoc">Structure to hold Vector information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00087">helpers.h:87</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a8fee90913ba658b25516a43cf71e5cbd"><div class="ttname"><a href="helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd">update_vector_workitem_ptr</a></div><div class="ttdeci">Vector update_vector_workitem_ptr(__global uchar *ptr, uint offset_first_element_in_bytes, uint stride_x, uint step_x)</div><div class="ttdoc">Wrap vector information into an Vector structure, and make the pointer point at this workitem&#39;s data...</div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00122">helpers.h:122</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_ad5ff7a2b2bd0eec50fe09c254b127d1c"><div class="ttname"><a href="struct_tensor3_d.xhtml#ad5ff7a2b2bd0eec50fe09c254b127d1c">Tensor3D::stride_z</a></div><div class="ttdeci">int stride_z</div><div class="ttdoc">Stride of the image in Z dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00110">helpers.h:110</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_tensor3_d.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Tensor3D::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00108">helpers.h:108</a></div></div> @@ -133,10 +133,10 @@ $(document).ready(function(){initNavTree('helpers_8h_source.xhtml','');}); <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> <div class="ttc" id="struct_vector_xhtml_a35e5a91338398273f3b4a6010004bddd"><div class="ttname"><a href="struct_vector.xhtml#a35e5a91338398273f3b4a6010004bddd">Vector::offset_first_element_in_bytes</a></div><div class="ttdeci">int offset_first_element_in_bytes</div><div class="ttdoc">The offset of the first element in the source image. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00090">helpers.h:90</a></div></div> <div class="ttc" id="struct_image_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32">Image::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00097">helpers.h:97</a></div></div> +<div class="ttc" id="helpers_8h_xhtml_a7e4940407322d6f0ccb8b6b86b856019"><div class="ttname"><a href="helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019">vector_offset</a></div><div class="ttdeci">__global const uchar * vector_offset(const Vector *vec, int x)</div><div class="ttdoc">Get the pointer position of a Vector. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00190">helpers.h:190</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_acf52c23cbd7424606c10a606524e3e32"><div class="ttname"><a href="struct_tensor3_d.xhtml#acf52c23cbd7424606c10a606524e3e32">Tensor3D::ptr</a></div><div class="ttdeci">__global uchar * ptr</div><div class="ttdoc">Pointer to the starting postion of the buffer. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00106">helpers.h:106</a></div></div> <div class="ttc" id="helpers_8h_xhtml_a6ded2cf071c127e518317e3c451af3ef"><div class="ttname"><a href="helpers_8h.xhtml#a6ded2cf071c127e518317e3c451af3ef">Vector</a></div><div class="ttdeci">struct Vector Vector</div><div class="ttdoc">Structure to hold Vector information. </div></div> <div class="ttc" id="struct_tensor3_d_xhtml_a4f0b90c9ecd6e57ceb3f37332fefe8f1"><div class="ttname"><a href="struct_tensor3_d.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">Tensor3D::stride_y</a></div><div class="ttdeci">int stride_y</div><div class="ttdoc">Stride of the image in Y dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00109">helpers.h:109</a></div></div> -<div class="ttc" id="helpers_8h_xhtml_a37878e370129d09b9a86f61b57dbc0a8"><div class="ttname"><a href="helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8">vector_offset</a></div><div class="ttdeci">__global const uchar * vector_offset(const Image *img, int x)</div><div class="ttdoc">Get the pointer position of a Vector. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00190">helpers.h:190</a></div></div> <div class="ttc" id="struct_tensor3_d_xhtml_a35e5a91338398273f3b4a6010004bddd"><div class="ttname"><a href="struct_tensor3_d.xhtml#a35e5a91338398273f3b4a6010004bddd">Tensor3D::offset_first_element_in_bytes</a></div><div class="ttdeci">int offset_first_element_in_bytes</div><div class="ttdoc">The offset of the first element in the source image. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00107">helpers.h:107</a></div></div> <div class="ttc" id="struct_image_xhtml_a4f0b90c9ecd6e57ceb3f37332fefe8f1"><div class="ttname"><a href="struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1">Image::stride_y</a></div><div class="ttdeci">int stride_y</div><div class="ttdoc">Stride of the image in Y dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00100">helpers.h:100</a></div></div> <div class="ttc" id="struct_image_xhtml_ae01febbfd0689ef709f3ff6fdd2abc7e"><div class="ttname"><a href="struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e">Image::stride_x</a></div><div class="ttdeci">int stride_x</div><div class="ttdoc">Stride of the image in X dimension (in bytes) </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00099">helpers.h:99</a></div></div> @@ -146,7 +146,7 @@ $(document).ready(function(){initNavTree('helpers_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="helpers_8h.xhtml">helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/hierarchy.js b/documentation/hierarchy.js index ae98a8afc..7088c5978 100644 --- a/documentation/hierarchy.js +++ b/documentation/hierarchy.js @@ -101,6 +101,7 @@ var hierarchy = [ "CLErode", "classarm__compute_1_1_c_l_erode.xhtml", null ], [ "CLFillBorder", "classarm__compute_1_1_c_l_fill_border.xhtml", null ], [ "CLGaussian3x3", "classarm__compute_1_1_c_l_gaussian3x3.xhtml", null ], + [ "CLGEMMInterleave4x4", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml", null ], [ "CLMagnitude", "classarm__compute_1_1_c_l_magnitude.xhtml", null ], [ "CLMedian3x3", "classarm__compute_1_1_c_l_median3x3.xhtml", null ], [ "CLNonLinearFilter", "classarm__compute_1_1_c_l_non_linear_filter.xhtml", null ], @@ -162,10 +163,8 @@ var hierarchy = [ "NEWarpPerspective", "classarm__compute_1_1_n_e_warp_perspective.xhtml", null ] ] ], [ "NECannyEdge", "classarm__compute_1_1_n_e_canny_edge.xhtml", null ], - [ "NEConvolution5x5", "classarm__compute_1_1_n_e_convolution5x5.xhtml", null ], - [ "NEConvolution7x7", "classarm__compute_1_1_n_e_convolution7x7.xhtml", null ], - [ "NEConvolution9x9", "classarm__compute_1_1_n_e_convolution9x9.xhtml", null ], [ "NEConvolutionLayer", "classarm__compute_1_1_n_e_convolution_layer.xhtml", null ], + [ "NEConvolutionSquare< matrix_size >", "classarm__compute_1_1_n_e_convolution_square.xhtml", null ], [ "NEDerivative", "classarm__compute_1_1_n_e_derivative.xhtml", null ], [ "NEEqualizeHistogram", "classarm__compute_1_1_n_e_equalize_histogram.xhtml", null ], [ "NEFastCorners", "classarm__compute_1_1_n_e_fast_corners.xhtml", null ], @@ -315,16 +314,7 @@ var hierarchy = [ "NEMedian3x3Kernel", "classarm__compute_1_1_n_e_median3x3_kernel.xhtml", null ], [ "NESeparableConvolutionHorKernel< matrix_size >", "classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml", null ], [ "NESeparableConvolutionVertKernel< matrix_size >", "classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml", null ], - [ "NETableLookupKernel", "classarm__compute_1_1_n_e_table_lookup_kernel.xhtml", null ], - [ "NEConvolutionKernel< 5 >", "classarm__compute_1_1_n_e_convolution_kernel.xhtml", null ], - [ "NEConvolutionKernel< 7 >", "classarm__compute_1_1_n_e_convolution_kernel.xhtml", null ], - [ "NEConvolutionKernel< 9 >", "classarm__compute_1_1_n_e_convolution_kernel.xhtml", null ], - [ "NESeparableConvolutionHorKernel< 5 >", "classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml", null ], - [ "NESeparableConvolutionHorKernel< 7 >", "classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml", null ], - [ "NESeparableConvolutionHorKernel< 9 >", "classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml", null ], - [ "NESeparableConvolutionVertKernel< 5 >", "classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml", null ], - [ "NESeparableConvolutionVertKernel< 7 >", "classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml", null ], - [ "NESeparableConvolutionVertKernel< 9 >", "classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml", null ] + [ "NETableLookupKernel", "classarm__compute_1_1_n_e_table_lookup_kernel.xhtml", null ] ] ], [ "INEHarrisScoreKernel", "classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml", [ [ "NEHarrisScoreFP16Kernel< block_size >", "classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml", null ], @@ -360,7 +350,6 @@ var hierarchy = [ "NEGradientKernel", "classarm__compute_1_1_n_e_gradient_kernel.xhtml", [ [ "NEGradientFP16Kernel", "classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml", null ] ] ], - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml", null ], [ "NEHistogramKernel", "classarm__compute_1_1_n_e_histogram_kernel.xhtml", null ], [ "NEHOGBlockNormalizationKernel", "classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml", null ], [ "NEHOGDetectorKernel", "classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml", null ], @@ -432,8 +421,8 @@ var hierarchy = ] ], [ "Iterator", "classarm__compute_1_1_iterator.xhtml", null ], [ "Kernel", "classarm__compute_1_1_kernel.xhtml", null ], - [ "Keypoint", "struct_keypoint.xhtml", null ], [ "KeyPoint", "structarm__compute_1_1_key_point.xhtml", null ], + [ "Keypoint", "struct_keypoint.xhtml", null ], [ "MultiImageInfo", "classarm__compute_1_1_multi_image_info.xhtml", null ], [ "NELKInternalKeypoint", "structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml", null ], [ "NormalizationLayerInfo", "classarm__compute_1_1_normalization_layer_info.xhtml", null ], diff --git a/documentation/hierarchy.xhtml b/documentation/hierarchy.xhtml index 4fb48597f..07572c5f4 100644 --- a/documentation/hierarchy.xhtml +++ b/documentation/hierarchy.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -211,22 +211,23 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <tr id="row_22_22_20_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_erode.xhtml" target="_self">CLErode</a></td><td class="desc">Basic function to execute erode </td></tr> <tr id="row_22_22_21_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_fill_border.xhtml" target="_self">CLFillBorder</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml">CLFillBorderKernel</a> </td></tr> <tr id="row_22_22_22_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_gaussian3x3.xhtml" target="_self">CLGaussian3x3</a></td><td class="desc">Basic function to execute gaussian filter 3x3 </td></tr> -<tr id="row_22_22_23_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_self">CLMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> -<tr id="row_22_22_24_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_self">CLMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> -<tr id="row_22_22_25_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_self">CLNonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> -<tr id="row_22_22_26_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_self">CLNonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> -<tr id="row_22_22_27_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml" target="_self">CLPhase</a></td><td class="desc">Basic function to execute an <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> -<tr id="row_22_22_28_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_self">CLPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> </td></tr> -<tr id="row_22_22_29_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_self">CLPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> -<tr id="row_22_22_30_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml" target="_self">CLRemap</a></td><td class="desc">Basic function to execute remap </td></tr> -<tr id="row_22_22_31_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml" target="_self">CLScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> </td></tr> -<tr id="row_22_22_32_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_self">CLScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> -<tr id="row_22_22_33_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_self">CLSobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> -<tr id="row_22_22_34_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_self">CLTableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> </td></tr> -<tr id="row_22_22_35_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml" target="_self">CLThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> </td></tr> -<tr id="row_22_22_36_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml" target="_self">CLTranspose</a></td><td class="desc">Basic function to transpose a matrix on OpenCL </td></tr> -<tr id="row_22_22_37_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_self">CLWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> for AFFINE transformation </td></tr> -<tr id="row_22_22_38_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_self">CLWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> for PERSPECTIVE transformation </td></tr> +<tr id="row_22_22_23_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml" target="_self">CLGEMMInterleave4x4</a></td><td class="desc">Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a> </td></tr> +<tr id="row_22_22_24_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_self">CLMagnitude</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> +<tr id="row_22_22_25_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_self">CLMedian3x3</a></td><td class="desc">Basic function to execute median filter </td></tr> +<tr id="row_22_22_26_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_self">CLNonLinearFilter</a></td><td class="desc">Basic function to execute non linear filter </td></tr> +<tr id="row_22_22_27_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_self">CLNonMaximaSuppression3x3</a></td><td class="desc">Basic function to execute non-maxima suppression over a 3x3 window </td></tr> +<tr id="row_22_22_28_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_phase.xhtml" target="_self">CLPhase</a></td><td class="desc">Basic function to execute an <a class="el" href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml">CLMagnitudePhaseKernel</a> </td></tr> +<tr id="row_22_22_29_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_self">CLPixelWiseMultiplication</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml">CLPixelWiseMultiplicationKernel</a> </td></tr> +<tr id="row_22_22_30_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_self">CLPoolingLayer</a></td><td class="desc">Basic function to simulate a pooling layer with the specified pooling operation </td></tr> +<tr id="row_22_22_31_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_remap.xhtml" target="_self">CLRemap</a></td><td class="desc">Basic function to execute remap </td></tr> +<tr id="row_22_22_32_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scale.xhtml" target="_self">CLScale</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_scale_kernel.xhtml">CLScaleKernel</a> </td></tr> +<tr id="row_22_22_33_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_self">CLScharr3x3</a></td><td class="desc">Basic function to execute scharr 3x3 filter </td></tr> +<tr id="row_22_22_34_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_self">CLSobel3x3</a></td><td class="desc">Basic function to execute sobel 3x3 filter </td></tr> +<tr id="row_22_22_35_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_self">CLTableLookup</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml">CLTableLookupKernel</a> </td></tr> +<tr id="row_22_22_36_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_threshold.xhtml" target="_self">CLThreshold</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_threshold_kernel.xhtml">CLThresholdKernel</a> </td></tr> +<tr id="row_22_22_37_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_transpose.xhtml" target="_self">CLTranspose</a></td><td class="desc">Basic function to transpose a matrix on OpenCL </td></tr> +<tr id="row_22_22_38_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_self">CLWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml">CLWarpAffineKernel</a> for AFFINE transformation </td></tr> +<tr id="row_22_22_39_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_self">CLWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml">CLWarpPerspectiveKernel</a> for PERSPECTIVE transformation </td></tr> <tr id="row_22_23_" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_22_23_" class="arrow" onclick="toggleFolder('22_23_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml" target="_self">INESimpleFunction</a></td><td class="desc">Basic interface for functions which have a single NEON kernel </td></tr> <tr id="row_22_23_0_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_absolute_difference.xhtml" target="_self">NEAbsoluteDifference</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml">NEAbsoluteDifferenceKernel</a> </td></tr> <tr id="row_22_23_1_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_accumulate.xhtml" target="_self">NEAccumulate</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml">NEAccumulateKernel</a> </td></tr> @@ -270,35 +271,33 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <tr id="row_22_23_39_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_affine.xhtml" target="_self">NEWarpAffine</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml">NEWarpAffineKernel</a> </td></tr> <tr id="row_22_23_40_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_warp_perspective.xhtml" target="_self">NEWarpPerspective</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml">NEWarpPerspectiveKernel</a> </td></tr> <tr id="row_22_24_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_canny_edge.xhtml" target="_self">NECannyEdge</a></td><td class="desc">Basic function to execute canny edge on NEON </td></tr> -<tr id="row_22_25_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml" target="_self">NEConvolution5x5</a></td><td class="desc">Basic function to execute convolution of size 5x5 </td></tr> -<tr id="row_22_26_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml" target="_self">NEConvolution7x7</a></td><td class="desc">Basic function to execute convolution of size 7x7 </td></tr> -<tr id="row_22_27_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml" target="_self">NEConvolution9x9</a></td><td class="desc">Basic function to execute convolution of size 9x9 </td></tr> -<tr id="row_22_28_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_self">NEConvolutionLayer</a></td><td class="desc">Basic function to simulate a convolution layer </td></tr> -<tr id="row_22_29_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml" target="_self">NEDerivative</a></td><td class="desc">Basic function to execute first order derivative operator </td></tr> -<tr id="row_22_30_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_self">NEEqualizeHistogram</a></td><td class="desc">Basic function to execute histogram equalization </td></tr> -<tr id="row_22_31_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_self">NEFastCorners</a></td><td class="desc">Basic function to execute fast corners </td></tr> -<tr id="row_22_32_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_self">NEFillBorder</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> </td></tr> -<tr id="row_22_33_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_self">NEFullyConnectedLayer</a></td><td class="desc">Basic function to compute a Fully Connected layer on NEON </td></tr> -<tr id="row_22_34_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_self">NEGaussian5x5</a></td><td class="desc">Basic function to execute gaussian filter 5x5 </td></tr> -<tr id="row_22_35_" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_22_35_" class="arrow" onclick="toggleFolder('22_35_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_self">NEGaussianPyramid</a></td><td class="desc">Common interface for all Gaussian pyramid functions </td></tr> -<tr id="row_22_35_0_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_self">NEGaussianPyramidHalf</a></td><td class="desc">Basic function to execute gaussian pyramid with HALF scale factor </td></tr> -<tr id="row_22_35_1_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_self">NEGaussianPyramidOrb</a></td><td class="desc">Basic function to execute gaussian pyramid with ORB scale factor </td></tr> -<tr id="row_22_36_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_self">NEGEMM</a></td><td class="desc">Basic function to execute GEMM on NEON </td></tr> -<tr id="row_22_37_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_self">NEGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on NEON </td></tr> -<tr id="row_22_38_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_self">NEHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> -<tr id="row_22_39_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml" target="_self">NEHistogram</a></td><td class="desc">Basic function to execute histogram </td></tr> -<tr id="row_22_40_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_self">NEHOGDescriptor</a></td><td class="desc">Basic function to calculate <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> descriptor </td></tr> -<tr id="row_22_41_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_self">NEHOGGradient</a></td><td class="desc">Basic function to calculate the gradient for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_22_42_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_self">NEHOGMultiDetection</a></td><td class="desc">Basic function to detect multiple objects (or the same object at different scales) on the same input image using <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_22_43_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_self">NELaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> -<tr id="row_22_44_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_self">NELaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> -<tr id="row_22_45_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_self">NEMeanStdDev</a></td><td class="desc">Basic function to execute mean and std deviation </td></tr> -<tr id="row_22_46_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_self">NEMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> -<tr id="row_22_47_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_self">NENormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> -<tr id="row_22_48_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_self">NEOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> -<tr id="row_22_49_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_self">NESobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> -<tr id="row_22_50_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_self">NESobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> -<tr id="row_22_51_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_self">NESoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> +<tr id="row_22_25_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_self">NEConvolutionLayer</a></td><td class="desc">Basic function to simulate a convolution layer </td></tr> +<tr id="row_22_26_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml" target="_self">NEConvolutionSquare< matrix_size ></a></td><td class="desc">Basic function to execute convolution of size 5x5, 7x7, 9x9 </td></tr> +<tr id="row_22_27_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_derivative.xhtml" target="_self">NEDerivative</a></td><td class="desc">Basic function to execute first order derivative operator </td></tr> +<tr id="row_22_28_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_self">NEEqualizeHistogram</a></td><td class="desc">Basic function to execute histogram equalization </td></tr> +<tr id="row_22_29_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_self">NEFastCorners</a></td><td class="desc">Basic function to execute fast corners </td></tr> +<tr id="row_22_30_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_self">NEFillBorder</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml">NEFillBorderKernel</a> </td></tr> +<tr id="row_22_31_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_self">NEFullyConnectedLayer</a></td><td class="desc">Basic function to compute a Fully Connected layer on NEON </td></tr> +<tr id="row_22_32_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_self">NEGaussian5x5</a></td><td class="desc">Basic function to execute gaussian filter 5x5 </td></tr> +<tr id="row_22_33_" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_22_33_" class="arrow" onclick="toggleFolder('22_33_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_self">NEGaussianPyramid</a></td><td class="desc">Common interface for all Gaussian pyramid functions </td></tr> +<tr id="row_22_33_0_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_self">NEGaussianPyramidHalf</a></td><td class="desc">Basic function to execute gaussian pyramid with HALF scale factor </td></tr> +<tr id="row_22_33_1_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_self">NEGaussianPyramidOrb</a></td><td class="desc">Basic function to execute gaussian pyramid with ORB scale factor </td></tr> +<tr id="row_22_34_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_self">NEGEMM</a></td><td class="desc">Basic function to execute GEMM on NEON </td></tr> +<tr id="row_22_35_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_self">NEGEMMLowp</a></td><td class="desc">Basic function to execute GEMMLowp on NEON </td></tr> +<tr id="row_22_36_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_self">NEHarrisCorners</a></td><td class="desc">Basic function to execute harris corners detection </td></tr> +<tr id="row_22_37_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml" target="_self">NEHistogram</a></td><td class="desc">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a> </td></tr> +<tr id="row_22_38_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_self">NEHOGDescriptor</a></td><td class="desc">Basic function to calculate <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> descriptor </td></tr> +<tr id="row_22_39_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_self">NEHOGGradient</a></td><td class="desc">Basic function to calculate the gradient for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_22_40_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_self">NEHOGMultiDetection</a></td><td class="desc">Basic function to detect multiple objects (or the same object at different scales) on the same input image using <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_22_41_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_self">NELaplacianPyramid</a></td><td class="desc">Basic function to execute laplacian pyramid </td></tr> +<tr id="row_22_42_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_self">NELaplacianReconstruct</a></td><td class="desc">Basic function to execute laplacian reconstruction </td></tr> +<tr id="row_22_43_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_self">NEMeanStdDev</a></td><td class="desc">Basic function to execute mean and std deviation </td></tr> +<tr id="row_22_44_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_self">NEMinMaxLocation</a></td><td class="desc">Basic function to execute min and max location </td></tr> +<tr id="row_22_45_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_self">NENormalizationLayer</a></td><td class="desc">Basic function to simulate a normalization layer </td></tr> +<tr id="row_22_46_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_self">NEOpticalFlow</a></td><td class="desc">Basic function to execute optical flow </td></tr> +<tr id="row_22_47_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_self">NESobel5x5</a></td><td class="desc">Basic function to execute sobel 5x5 filter </td></tr> +<tr id="row_22_48_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_self">NESobel7x7</a></td><td class="desc">Basic function to execute sobel 7x7 filter </td></tr> +<tr id="row_22_49_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_self">NESoftmaxLayer</a></td><td class="desc">Basic function to compute a SoftmaxLayer </td></tr> <tr id="row_23_"><td class="entry"><span style="width:0px;display:inline-block;"> </span><span id="arr_23_" class="arrow" onclick="toggleFolder('23_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_h_o_g.xhtml" target="_self">IHOG</a></td><td class="desc">Interface for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> <tr id="row_23_0_" class="even" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_h_o_g.xhtml" target="_self">HOG</a></td><td class="desc">CPU implementation of <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> data-object </td></tr> <tr id="row_24_" class="even"><td class="entry"><span style="width:0px;display:inline-block;"> </span><span id="arr_24_" class="arrow" onclick="toggleFolder('24_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_kernel.xhtml" target="_self">IKernel</a></td><td class="desc">Common information for all the kernels </td></tr> @@ -414,15 +413,6 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <tr id="row_24_1_2_21_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel< matrix_size ></a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Horizontal pass of a Separable Convolution </td></tr> <tr id="row_24_1_2_22_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel< matrix_size ></a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the Vertical pass of a Separable Convolution </td></tr> <tr id="row_24_1_2_23_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml" target="_self">NETableLookupKernel</a></td><td class="desc">Interface for the kernel to perform table lookup calculations </td></tr> -<tr id="row_24_1_2_24_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_self">NEConvolutionKernel< 5 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_25_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_self">NEConvolutionKernel< 7 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_26_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_self">NEConvolutionKernel< 9 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_27_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel< 5 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_28_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel< 7 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_29_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_self">NESeparableConvolutionHorKernel< 9 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_30_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel< 5 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_31_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel< 7 ></a></td><td class="desc"></td></tr> -<tr id="row_24_1_2_32_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_self">NESeparableConvolutionVertKernel< 9 ></a></td><td class="desc"></td></tr> <tr id="row_24_1_3_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span id="arr_24_1_3_" class="arrow" onclick="toggleFolder('24_1_3_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" target="_self">INEHarrisScoreKernel</a></td><td class="desc">Common interface for all Harris Score kernels </td></tr> <tr id="row_24_1_3_0_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" target="_self">NEHarrisScoreFP16Kernel< block_size ></a></td><td class="desc">Interface for the accumulate Weighted kernel using F16 </td></tr> <tr id="row_24_1_3_1_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml" target="_self">NEHarrisScoreKernel< block_size ></a></td><td class="desc">Template NEON kernel to perform Harris Score </td></tr> @@ -454,37 +444,36 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <tr id="row_24_1_27_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" target="_self">NEGEMMMatrixMultiplyKernel</a></td><td class="desc">NEON kernel to multiply two input matrices "A" and "B" </td></tr> <tr id="row_24_1_28_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span id="arr_24_1_28_" class="arrow" onclick="toggleFolder('24_1_28_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_kernel.xhtml" target="_self">NEGradientKernel</a></td><td class="desc">Computes magnitude and quantised phase from inputs gradients </td></tr> <tr id="row_24_1_28_0_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" target="_self">NEGradientFP16Kernel</a></td><td class="desc">NEON kernel to perform Gradient computation </td></tr> -<tr id="row_24_1_29_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml" target="_self">NEHistogramBorderKernel</a></td><td class="desc">Interface for the histogram border handling kernel </td></tr> -<tr id="row_24_1_30_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_self">NEHistogramKernel</a></td><td class="desc">Interface for the histogram kernel </td></tr> -<tr id="row_24_1_31_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_self">NEHOGBlockNormalizationKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> block normalization </td></tr> -<tr id="row_24_1_32_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_self">NEHOGDetectorKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector kernel using linear SVM </td></tr> -<tr id="row_24_1_33_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_self">NEHOGNonMaximaSuppressionKernel</a></td><td class="desc">NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> -<tr id="row_24_1_34_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_self">NEHOGOrientationBinningKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> Orientation Binning </td></tr> -<tr id="row_24_1_35_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_self">NEIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> -<tr id="row_24_1_36_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_self">NELKTrackerKernel</a></td><td class="desc">Interface for the Lucas-Kanade tracker kernel </td></tr> -<tr id="row_24_1_37_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_self">NELogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> -<tr id="row_24_1_38_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">NELogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> -<tr id="row_24_1_39_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_self">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> -<tr id="row_24_1_40_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_self">NEMagnitudePhaseKernel< mag_type, phase_type ></a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> -<tr id="row_24_1_41_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_self">NEMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> -<tr id="row_24_1_42_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_self">NEMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> -<tr id="row_24_1_43_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_self">NEMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> -<tr id="row_24_1_44_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_self">NENonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> -<tr id="row_24_1_45_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span id="arr_24_1_45_" class="arrow" onclick="toggleFolder('24_1_45_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_self">NENonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using NEON </td></tr> -<tr id="row_24_1_45_0_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_self">NENonMaximaSuppression3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression 3x3 </td></tr> -<tr id="row_24_1_46_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_self">NENormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> -<tr id="row_24_1_47_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_self">NEPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> -<tr id="row_24_1_48_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_self">NEPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> -<tr id="row_24_1_49_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_self">NERemapKernel</a></td><td class="desc">NEON kernel to perform a remap on a tensor </td></tr> -<tr id="row_24_1_50_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_self">NEScaleKernel</a></td><td class="desc">NEON kernel to perform scaling on a tensor </td></tr> -<tr id="row_24_1_51_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_self">NEScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> -<tr id="row_24_1_52_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_self">NESobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel X filter on a tensor </td></tr> -<tr id="row_24_1_53_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_self">NESobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> -<tr id="row_24_1_54_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_self">NESobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor </td></tr> -<tr id="row_24_1_55_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_self">NESobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> -<tr id="row_24_1_56_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_self">NESobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor </td></tr> -<tr id="row_24_1_57_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_self">NEThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> -<tr id="row_24_1_58_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_self">NETransposeKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix </td></tr> +<tr id="row_24_1_29_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_self">NEHistogramKernel</a></td><td class="desc">Interface for the histogram kernel </td></tr> +<tr id="row_24_1_30_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_self">NEHOGBlockNormalizationKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> block normalization </td></tr> +<tr id="row_24_1_31_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_self">NEHOGDetectorKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> detector kernel using linear SVM </td></tr> +<tr id="row_24_1_32_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_self">NEHOGNonMaximaSuppressionKernel</a></td><td class="desc">NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> </td></tr> +<tr id="row_24_1_33_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_self">NEHOGOrientationBinningKernel</a></td><td class="desc">NEON kernel to perform <a class="el" href="classarm__compute_1_1_h_o_g.xhtml" title="CPU implementation of HOG data-object. ">HOG</a> Orientation Binning </td></tr> +<tr id="row_24_1_34_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_self">NEIm2ColKernel</a></td><td class="desc">Interface for the im2col reshape kernel </td></tr> +<tr id="row_24_1_35_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_self">NELKTrackerKernel</a></td><td class="desc">Interface for the Lucas-Kanade tracker kernel </td></tr> +<tr id="row_24_1_36_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_self">NELogits1DNormKernel</a></td><td class="desc">Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by the inverse of the sum of the logits </td></tr> +<tr id="row_24_1_37_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_self">NELogits1DShiftExpSumKernel</a></td><td class="desc">Interface for shifting the logits values around the max value and exponentiating the result </td></tr> +<tr id="row_24_1_38_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_self">NEMagnitudePhaseFP16Kernel< mag_type, phase_type ></a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> +<tr id="row_24_1_39_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_self">NEMagnitudePhaseKernel< mag_type, phase_type ></a></td><td class="desc">Template interface for the kernel to compute magnitude and phase </td></tr> +<tr id="row_24_1_40_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_self">NEMeanStdDevKernel</a></td><td class="desc">Interface for the kernel to calculate mean and standard deviation of input image pixels </td></tr> +<tr id="row_24_1_41_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_self">NEMinMaxKernel</a></td><td class="desc">Interface for the kernel to perform min max search on an image </td></tr> +<tr id="row_24_1_42_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_self">NEMinMaxLocationKernel</a></td><td class="desc">Interface for the kernel to find min max locations of an image </td></tr> +<tr id="row_24_1_43_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_self">NENonLinearFilterKernel</a></td><td class="desc">Interface for the kernel to apply a non-linear filter </td></tr> +<tr id="row_24_1_44_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span id="arr_24_1_44_" class="arrow" onclick="toggleFolder('24_1_44_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_self">NENonMaximaSuppression3x3Kernel</a></td><td class="desc">Interface to perform Non-Maxima suppression over a 3x3 window using NEON </td></tr> +<tr id="row_24_1_44_0_" style="display:none;"><td class="entry"><span style="width:64px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_self">NENonMaximaSuppression3x3FP16Kernel</a></td><td class="desc">NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32 </td></tr> +<tr id="row_24_1_45_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_self">NENormalizationLayerKernel</a></td><td class="desc">Interface for the normalization layer kernel </td></tr> +<tr id="row_24_1_46_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_self">NEPixelWiseMultiplicationKernel</a></td><td class="desc">Interface for the kernel to perform addition between two tensors </td></tr> +<tr id="row_24_1_47_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_self">NEPoolingLayerKernel</a></td><td class="desc">Interface for the pooling layer kernel </td></tr> +<tr id="row_24_1_48_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_self">NERemapKernel</a></td><td class="desc">NEON kernel to perform a remap on a tensor </td></tr> +<tr id="row_24_1_49_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_self">NEScaleKernel</a></td><td class="desc">NEON kernel to perform scaling on a tensor </td></tr> +<tr id="row_24_1_50_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_self">NEScharr3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Scharr filter on a tensor </td></tr> +<tr id="row_24_1_51_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_self">NESobel3x3Kernel</a></td><td class="desc">Interface for the kernel to run a 3x3 Sobel X filter on a tensor </td></tr> +<tr id="row_24_1_52_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_self">NESobel5x5HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor </td></tr> +<tr id="row_24_1_53_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_self">NESobel5x5VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor </td></tr> +<tr id="row_24_1_54_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_self">NESobel7x7HorKernel</a></td><td class="desc">Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor </td></tr> +<tr id="row_24_1_55_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_self">NESobel7x7VertKernel</a></td><td class="desc">Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor </td></tr> +<tr id="row_24_1_56_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_self">NEThresholdKernel</a></td><td class="desc">Interface for the thresholding kernel </td></tr> +<tr id="row_24_1_57_" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_self">NETransposeKernel</a></td><td class="desc">NEON kernel which transposes the elements of a matrix </td></tr> <tr id="row_25_"><td class="entry"><span style="width:0px;display:inline-block;"> </span><span id="arr_25_" class="arrow" onclick="toggleFolder('25_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_lut.xhtml" target="_self">ILut</a></td><td class="desc">Lookup Table object interface </td></tr> <tr id="row_25_0_" class="even" style="display:none;"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span id="arr_25_0_" class="arrow" onclick="toggleFolder('25_0_')">►</span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_i_c_l_lut.xhtml" target="_self">ICLLut</a></td><td class="desc">Interface for OpenCL LUT </td></tr> <tr id="row_25_0_0_" class="even" style="display:none;"><td class="entry"><span style="width:48px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_c_l_lut.xhtml" target="_self">CLLut</a></td><td class="desc">Basic implementation of the OpenCL lut interface </td></tr> @@ -513,8 +502,8 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <tr id="row_34_1_" style="display:none;"><td class="entry"><span style="width:32px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_tensor_allocator.xhtml" target="_self">TensorAllocator</a></td><td class="desc">Basic implementation of a CPU memory tensor allocator </td></tr> <tr id="row_35_"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_iterator.xhtml" target="_self">Iterator</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_iterator.xhtml" title="Iterator updated by execute_window_loop for each window element. ">Iterator</a> updated by <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a> for each window element </td></tr> <tr id="row_36_" class="even"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_kernel.xhtml" target="_self">Kernel</a></td><td class="desc"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> class </td></tr> -<tr id="row_37_"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="struct_keypoint.xhtml" target="_self">Keypoint</a></td><td class="desc"></td></tr> -<tr id="row_38_" class="even"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_key_point.xhtml" target="_self">KeyPoint</a></td><td class="desc"><a class="el" href="struct_keypoint.xhtml">Keypoint</a> type </td></tr> +<tr id="row_37_"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_key_point.xhtml" target="_self">KeyPoint</a></td><td class="desc"><a class="el" href="struct_keypoint.xhtml">Keypoint</a> type </td></tr> +<tr id="row_38_" class="even"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="struct_keypoint.xhtml" target="_self">Keypoint</a></td><td class="desc"></td></tr> <tr id="row_39_"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_multi_image_info.xhtml" target="_self">MultiImageInfo</a></td><td class="desc">Store the multi-planar image's metadata </td></tr> <tr id="row_40_" class="even"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml" target="_self">NELKInternalKeypoint</a></td><td class="desc">Internal keypoint class for Lucas-Kanade Optical Flow </td></tr> <tr id="row_41_"><td class="entry"><span style="width:16px;display:inline-block;"> </span><span class="icona"><span class="icon">C</span></span><a class="el" href="classarm__compute_1_1_normalization_layer_info.xhtml" target="_self">NormalizationLayerInfo</a></td><td class="desc">Normalization Layer Information class </td></tr> @@ -538,7 +527,7 @@ This inheritance list is sorted roughly, but not completely, alphabetically:</di <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/histogram_8cl.xhtml b/documentation/histogram_8cl.xhtml index 0bd9d174a..d8cd7df26 100644 --- a/documentation/histogram_8cl.xhtml +++ b/documentation/histogram_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -570,7 +570,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="histogram_8cl.xhtml">histogram.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/histogram_8cl_source.xhtml b/documentation/histogram_8cl_source.xhtml index 23d0357ed..8677611b7 100644 --- a/documentation/histogram_8cl_source.xhtml +++ b/documentation/histogram_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('histogram_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="histogram_8cl.xhtml">histogram.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/index.xhtml b/documentation/index.xhtml index c9f1bd74f..4824ea7af 100644 --- a/documentation/index.xhtml +++ b/documentation/index.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -245,6 +245,13 @@ v17.04 (First release of April 2017) </pre><dl class="section note"><dt>Note</dt><dd>We're aiming at releasing one major public release with new features per quarter. All releases in between will only contain bug fixes.</dd></dl> <h2><a class="anchor" id="S2_2_changelog"></a> Changelog</h2> +<p>v17.05 Public bug fixes release</p><ul> +<li>Various bug fixes</li> +<li>Remaining of the functions ported to use accurate padding.</li> +<li>Library does not link against OpenCL anymore (It uses dlopen / dlsym at runtime instead to determine whether or not OpenCL is available).</li> +<li>Added "free" method to allocator.</li> +<li>Minimum version of G++ required for armv7 Linux changed from 4.8 to 4.9</li> +</ul> <p>v17.04 Public bug fixes release The following functions have been ported to use the new accurate padding:</p><ul> <li><a class="el" href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml">CLColorConvertKernel</a></li> <li><a class="el" href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml">CLEdgeNonMaxSuppressionKernel</a></li> @@ -380,10 +387,6 @@ embed_kernels: Embed OpenCL kernels in library binary(Default=0) (0|1) default: 0 actual: 0 -scheduler: Scheduler backend(Default=cpp) (cpp|pthread|openmp) - default: cpp - actual: cpp - set_soname: Set the library's soname and shlibversion (Requires SCons 2.4 or above) (yes|no) default: 0 actual: False @@ -409,7 +412,12 @@ extra_cxx_flags: Extra CXX flags to be appended to the build command Linux</h2> <h3><a class="anchor" id="S3_2_1_library"></a> How to build the library ?</h3> -<p>For Linux, the library was successfully built and tested using the following Linaro GCC toolchain: gcc-linaro-arm-linux-gnueabihf-4.8-2014.02_linux and gcc-linaro-6.1.1-2016.08-x86_64_arm-linux-gnueabihf</p> +<p>For Linux, the library was successfully built and tested using the following Linaro GCC toolchain:</p> +<ul> +<li>gcc-linaro-arm-linux-gnueabihf-4.9-2014.07_linux</li> +<li>gcc-linaro-4.9-2016.02-x86_64_aarch64-linux-gnu</li> +<li>gcc-linaro-6.3.1-2017.02-i686_aarch64-linux-gnu</li> +</ul> <dl class="section note"><dt>Note</dt><dd>If you are building with opencl=1 then scons will expect to find libOpenCL.so either in the current directory or in "build" (See the section below if you need a stub OpenCL library to link against)</dd></dl> <p>To cross-compile the library in debug mode, with NEON only support, for Linux 32bit: </p><pre class="fragment">scons Werror=1 -j8 debug=1 neon=1 opencl=0 os=linux arch=armv7a </pre><p>To cross-compile the library in asserts mode, with OpenCL only support, for Linux 64bit: </p><pre class="fragment">scons Werror=1 -j8 debug=0 asserts=1 neon=0 opencl=1 embed_kernels=1 os=linux arch=arm64-v8a @@ -423,11 +431,17 @@ scons Werror=1 -j8 debug=0 neon=1 opencl=0 os=linux arch=armv7a build=native <h3><a class="anchor" id="S3_2_2_examples"></a> How to manually build the examples ?</h3> <p>The examples get automatically built by scons as part of the build process of the library described above. This section just describes how you can build and link your own application against our library.</p> -<dl class="section note"><dt>Note</dt><dd>The following command lines assume the <a class="el" href="namespacearm__compute.xhtml">arm_compute</a> binaries are present in the current directory or in the system library path.</dd></dl> -<p>To cross compile a NEON example: </p><pre class="fragment">arm-linux-gnueabihf-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -L. -larm_compute -o neon_convolution -</pre><p>To cross compile an OpenCL example: </p><pre class="fragment">arm-linux-gnueabihf-g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -L. -larm_compute -lOpenCL -o cl_convolution -</pre><p>To compile natively (i.e directly on an ARM device) for NEON: </p><pre class="fragment">g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -larm_compute -o neon_convolution -</pre><p>To compile natively (i.e directly on an ARM device) for OpenCL: </p><pre class="fragment">g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -larm_compute -lOpenCL -o cl_convolution +<dl class="section note"><dt>Note</dt><dd>The following command lines assume the <a class="el" href="namespacearm__compute.xhtml">arm_compute</a> and libOpenCL binaries are present in the current directory or in the system library path. If this is not the case you can specify the location of the pre-built library with the compiler option -L. When building the OpenCL example the commands below assume that the CL headers are located in the include folder where the command is executed.</dd></dl> +<p>To cross compile a NEON example for Linux 32bit: </p><pre class="fragment">arm-linux-gnueabihf-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -mfpu=neon -L. -larm_compute -o neon_convolution +</pre><p>To cross compile a NEON example for Linux 64bit: </p><pre class="fragment">aarch64-linux-gnu-g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -L. -larm_compute -o neon_convolution +</pre><p>(notice the only difference with the 32 bit command is that we don't need the -mfpu option and the compiler's name is different)</p> +<p>To cross compile an OpenCL example for Linux 32bit: </p><pre class="fragment">arm-linux-gnueabihf-g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -mfpu=neon -L. -larm_compute -lOpenCL -o cl_convolution +</pre><p>To cross compile an OpenCL example for Linux 64bit: </p><pre class="fragment">aarch64-linux-gnu-g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -L. -larm_compute -lOpenCL -o cl_convolution +</pre><p>(notice the only difference with the 32 bit command is that we don't need the -mfpu option and the compiler's name is different)</p> +<p>To compile natively (i.e directly on an ARM device) for NEON for Linux 32bit: </p><pre class="fragment">g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -mfpu=neon -larm_compute -o neon_convolution +</pre><p>To compile natively (i.e directly on an ARM device) for NEON for Linux 64bit: </p><pre class="fragment">g++ examples/neon_convolution.cpp test_helpers/Utils.cpp -I. -std=c++11 -larm_compute -o neon_convolution +</pre><p>(notice the only difference with the 32 bit command is that we don't need the -mfpu option)</p> +<p>To compile natively (i.e directly on an ARM device) for OpenCL for Linux 32bit or Linux 64bit: </p><pre class="fragment">g++ examples/cl_convolution.cpp test_helpers/Utils.cpp -I. -Iinclude -std=c++11 -larm_compute -lOpenCL -o cl_convolution </pre><dl class="section note"><dt>Note</dt><dd>These two commands assume libarm_compute.so is available in your library path, if not add the path to it using -L</dd></dl> <p>To run the built executable simply run: </p><pre class="fragment">LD_LIBRARY_PATH=build ./neon_convolution </pre><p>or </p><pre class="fragment">LD_LIBRARY_PATH=build ./cl_convolution @@ -575,7 +589,7 @@ Padding</h4> <ul> <li>Accurate padding:</li> </ul> -<div class="fragment"><div class="line"> PPMLoader ppm;</div><div class="line"> <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"></div><div class="line"> <span class="keywordflow">if</span>(argc < 2)</div><div class="line"> {</div><div class="line"> <span class="comment">// Print help</span></div><div class="line"> std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"> std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"> <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"> src.allocator()->init(TensorInfo(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"> }</div><div class="line"> <span class="keywordflow">else</span></div><div class="line"> {</div><div class="line"> ppm.open(argv[1]);</div><div class="line"> <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"> ppm.init_image(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"> }</div><div class="line"></div><div class="line"> <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"> tmp.allocator()->init(*src.info());</div><div class="line"> dst.allocator()->init(*src.info());</div><div class="line"></div><div class="line"> NEConvolution3x3 conv3x3;</div><div class="line"> NEConvolution5x5 conv5x5;</div><div class="line"></div><div class="line"> <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"> <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"> conv3x3.configure(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"> conv5x5.configure(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"></div><div class="line"> <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"> src.allocator()->allocate();</div><div class="line"> tmp.allocator()->allocate();</div><div class="line"> dst.allocator()->allocate();</div><div class="line"></div><div class="line"> <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"> <span class="keywordflow">if</span>(ppm.is_open())</div><div class="line"> {</div><div class="line"> ppm.fill_image(src);</div><div class="line"> }</div><div class="line"></div><div class="line"> <span class="comment">//Execute the functions:</span></div><div class="line"> conv3x3.run();</div><div class="line"> conv5x5.run();</div><div class="line"></div><div class="line"> <span class="comment">// Save the result to file:</span></div><div class="line"> <span class="keywordflow">if</span>(ppm.is_open())</div><div class="line"> {</div><div class="line"> <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"> <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"> }</div></div><!-- fragment --> <dl class="section note"><dt>Note</dt><dd>It's important to call allocate <b>after</b> the function is configured: if the image / tensor is already allocated then the function will shrink its execution window instead of increasing the padding. (See below for more details).</dd></dl> +<div class="fragment"><div class="line"> PPMLoader ppm;</div><div class="line"> <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"></div><div class="line"> <span class="keywordflow">if</span>(argc < 2)</div><div class="line"> {</div><div class="line"> <span class="comment">// Print help</span></div><div class="line"> std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"> std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"> <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"> src.allocator()->init(TensorInfo(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"> }</div><div class="line"> <span class="keywordflow">else</span></div><div class="line"> {</div><div class="line"> ppm.open(argv[1]);</div><div class="line"> <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"> ppm.init_image(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"> }</div><div class="line"></div><div class="line"> <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"> tmp.allocator()->init(*src.info());</div><div class="line"> dst.allocator()->init(*src.info());</div><div class="line"></div><div class="line"> NEConvolution3x3 conv3x3;</div><div class="line"> <a class="code" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">NEConvolution5x5</a> conv5x5;</div><div class="line"></div><div class="line"> <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"> <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"> conv3x3.configure(&src, &tmp, <a class="code" href="cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"> conv5x5.configure(&tmp, &dst, <a class="code" href="cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"></div><div class="line"> <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"> src.allocator()->allocate();</div><div class="line"> tmp.allocator()->allocate();</div><div class="line"> dst.allocator()->allocate();</div><div class="line"></div><div class="line"> <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"> <span class="keywordflow">if</span>(ppm.is_open())</div><div class="line"> {</div><div class="line"> ppm.fill_image(src);</div><div class="line"> }</div><div class="line"></div><div class="line"> <span class="comment">//Execute the functions:</span></div><div class="line"> conv3x3.run();</div><div class="line"> conv5x5.run();</div><div class="line"></div><div class="line"> <span class="comment">// Save the result to file:</span></div><div class="line"> <span class="keywordflow">if</span>(ppm.is_open())</div><div class="line"> {</div><div class="line"> <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"> <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"> }</div></div><!-- fragment --> <dl class="section note"><dt>Note</dt><dd>It's important to call allocate <b>after</b> the function is configured: if the image / tensor is already allocated then the function will shrink its execution window instead of increasing the padding. (See below for more details).</dd></dl> <ul> <li>Manual padding / no padding / auto padding: You can allocate your images / tensors up front (before configuring your functions), in that case the function will use whatever padding is available and will shrink its execution window if there isn't enough padding available (Which will translates into a smaller valid region for the output. See also <a class="el" href="index.xhtml#valid_region">Valid regions</a>). If you don't want to manually set the padding but still want to allocate your objects upfront then you can use auto_padding.</li> </ul> @@ -585,16 +599,6 @@ Valid regions</h4> <p>Some kernels (like edge detectors for example) need to read values of neighbouring pixels to calculate the value of a given pixel, it is therefore not possible to calculate the values of the pixels on the edges.</p> <p>Another case is: if a kernel processes 8 pixels per iteration then if the image's dimensions is not a multiple of 8 and not enough padding is available then the kernel will not be able to process the pixels near the right edge as a result these pixels will be left undefined.</p> <p>In order to know which pixels have been calculated, each kernel sets a valid region for each output image or tensor. See also <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34">TensorInfo::valid_region()</a>, <a class="el" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></p> -<dl class="section attention"><dt>Attention</dt><dd>Valid regions and accurate padding have only been introduced in the library recently therefore not all the kernels and functions have been ported to use them yet. All the non ported kernels will set the <a class="el" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a> equal to the <a class="el" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a>.</dd></dl> -<p>List of kernels which haven't been ported yet:</p> -<ul> -<li><a class="el" href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml">NEColorConvertKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml">NEHOGBlockNormalizationKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml">NEHOGOrientationBinningKernel</a></li> -<li><a class="el" href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml">NELKTrackerKernel</a></li> -</ul> <h3><a class="anchor" id="S4_6_2_tensors"></a> Tensors</h3> <p>Tensors are multi-dimensional arrays made of up to <a class="el" href="classarm__compute_1_1_dimensions.xhtml#a1b67d5b720119d50faa286c774579ecc">Coordinates::num_max_dimensions</a> dimensions.</p> @@ -621,7 +625,7 @@ Working with Images and Tensors using iterators</h3> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/inherit_graph_21.map b/documentation/inherit_graph_21.map index 78503407a..e89802c87 100644 --- a/documentation/inherit_graph_21.map +++ b/documentation/inherit_graph_21.map @@ -1,57 +1,55 @@ <map id="Graphical Class Hierarchy" name="Graphical Class Hierarchy"> <area shape="rect" id="node1" href="$classarm__compute_1_1_i_function.xhtml" title="Base class for all functions. " alt="" coords="5,2691,81,2717"/> -<area shape="rect" id="node2" href="$classarm__compute_1_1_c_l_canny_edge.xhtml" title="Basic function to execute canny edge on OpenCL. " alt="" coords="159,471,266,497"/> -<area shape="rect" id="node3" href="$classarm__compute_1_1_c_l_convolution_layer.xhtml" title="Basic function to compute the convolution layer. " alt="" coords="143,521,283,548"/> -<area shape="rect" id="node4" href="$classarm__compute_1_1_c_l_convolution_square.xhtml" title="Basic function to execute square convolution.Currently it supports 5x5, 7x7, 9x9. ..." alt="" coords="138,573,287,614"/> -<area shape="rect" id="node5" href="$classarm__compute_1_1_c_l_equalize_histogram.xhtml" title="Basic function to execute histogram equalization. " alt="" coords="138,639,287,665"/> -<area shape="rect" id="node6" href="$classarm__compute_1_1_c_l_fast_corners.xhtml" title="Basic function to execute fast corners. " alt="" coords="157,689,268,716"/> -<area shape="rect" id="node7" href="$classarm__compute_1_1_c_l_fully_connected_layer.xhtml" title="Basic function to compute a Fully Connected layer on OpenCL. " alt="" coords="131,740,294,767"/> -<area shape="rect" id="node8" href="$classarm__compute_1_1_c_l_gaussian5x5.xhtml" title="Basic function to execute gaussian filter 5x5. " alt="" coords="155,791,270,817"/> -<area shape="rect" id="node9" href="$classarm__compute_1_1_c_l_gaussian_pyramid.xhtml" title="Common interface for all Gaussian pyramid functions. " alt="" coords="141,841,284,868"/> -<area shape="rect" id="node12" href="$classarm__compute_1_1_c_l_g_e_m_m.xhtml" title="Basic function to execute GEMM on OpenCL. " alt="" coords="173,892,253,919"/> -<area shape="rect" id="node13" href="$classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml" title="Basic function to execute GEMMLowp on OpenCL. " alt="" coords="157,943,268,969"/> -<area shape="rect" id="node14" href="$classarm__compute_1_1_c_l_harris_corners.xhtml" title="Basic function to execute harris corners detection. " alt="" coords="153,993,273,1020"/> -<area shape="rect" id="node15" href="$classarm__compute_1_1_c_l_histogram.xhtml" title="Basic function to execute histogram. " alt="" coords="163,1044,262,1071"/> -<area shape="rect" id="node16" href="$classarm__compute_1_1_c_l_integral_image.xhtml" title="Basic function to execute integral image. " alt="" coords="153,1095,272,1121"/> -<area shape="rect" id="node17" href="$classarm__compute_1_1_c_l_laplacian_pyramid.xhtml" title="Basic function to execute laplacian pyramid. " alt="" coords="141,1145,284,1172"/> -<area shape="rect" id="node18" href="$classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml" title="Basic function to execute laplacian reconstruction. " alt="" coords="130,1196,295,1223"/> -<area shape="rect" id="node19" href="$classarm__compute_1_1_c_l_mean_std_dev.xhtml" title="Basic function to execute mean and standard deviation by calling CLMeanStdDevKernel. " alt="" coords="155,1247,270,1273"/> -<area shape="rect" id="node20" href="$classarm__compute_1_1_c_l_min_max_location.xhtml" title="Basic function to execute min and max location. " alt="" coords="145,1297,280,1324"/> -<area shape="rect" id="node21" href="$classarm__compute_1_1_c_l_normalization_layer.xhtml" title="Basic function to simulate a normalization layer. " alt="" coords="137,1348,288,1375"/> -<area shape="rect" id="node22" href="$classarm__compute_1_1_c_l_optical_flow.xhtml" title="Basic function to execute optical flow. " alt="" coords="159,1399,267,1425"/> -<area shape="rect" id="node23" href="$classarm__compute_1_1_c_l_sobel5x5.xhtml" title="Basic function to execute sobel 5x5 filter. " alt="" coords="166,1449,259,1476"/> -<area shape="rect" id="node24" href="$classarm__compute_1_1_c_l_sobel7x7.xhtml" title="Basic function to execute sobel 7x7 filter. " alt="" coords="166,1500,259,1527"/> -<area shape="rect" id="node25" href="$classarm__compute_1_1_c_l_softmax_layer.xhtml" title="Basic function to compute a SoftmaxLayer. " alt="" coords="153,1551,273,1577"/> -<area shape="rect" id="node26" href="$classarm__compute_1_1_i_c_l_simple_function.xhtml" title="Basic interface for functions which have a single OpenCL kernel. " alt="" coords="146,1601,279,1628"/> -<area shape="rect" id="node66" href="$classarm__compute_1_1_i_n_e_simple_function.xhtml" title="Basic interface for functions which have a single NEON kernel. " alt="" coords="145,2564,280,2591"/> -<area shape="rect" id="node108" href="$classarm__compute_1_1_n_e_canny_edge.xhtml" title="Basic function to execute canny edge on NEON. " alt="" coords="158,2615,267,2641"/> -<area shape="rect" id="node109" href="$classarm__compute_1_1_n_e_convolution5x5.xhtml" title="Basic function to execute convolution of size 5x5. " alt="" coords="147,2665,278,2692"/> -<area shape="rect" id="node110" href="$classarm__compute_1_1_n_e_convolution7x7.xhtml" title="Basic function to execute convolution of size 7x7. " alt="" coords="147,2716,278,2743"/> -<area shape="rect" id="node111" href="$classarm__compute_1_1_n_e_convolution9x9.xhtml" title="Basic function to execute convolution of size 9x9. " alt="" coords="147,2767,278,2793"/> -<area shape="rect" id="node112" href="$classarm__compute_1_1_n_e_convolution_layer.xhtml" title="Basic function to simulate a convolution layer. " alt="" coords="141,2817,284,2844"/> -<area shape="rect" id="node113" href="$classarm__compute_1_1_n_e_derivative.xhtml" title="Basic function to execute first order derivative operator. " alt="" coords="163,2868,263,2895"/> -<area shape="rect" id="node114" href="$classarm__compute_1_1_n_e_equalize_histogram.xhtml" title="Basic function to execute histogram equalization. " alt="" coords="137,2919,288,2945"/> -<area shape="rect" id="node115" href="$classarm__compute_1_1_n_e_fast_corners.xhtml" title="Basic function to execute fast corners. " alt="" coords="156,2969,269,2996"/> -<area shape="rect" id="node116" href="$classarm__compute_1_1_n_e_fill_border.xhtml" title="Basic function to run NEFillBorderKernel. " alt="" coords="165,3020,261,3047"/> -<area shape="rect" id="node117" href="$classarm__compute_1_1_n_e_fully_connected_layer.xhtml" title="Basic function to compute a Fully Connected layer on NEON. " alt="" coords="131,3071,295,3097"/> -<area shape="rect" id="node118" href="$classarm__compute_1_1_n_e_gaussian5x5.xhtml" title="Basic function to execute gaussian filter 5x5. " alt="" coords="154,3121,271,3148"/> -<area shape="rect" id="node119" href="$classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" title="Common interface for all Gaussian pyramid functions. " alt="" coords="141,3172,285,3199"/> -<area shape="rect" id="node122" href="$classarm__compute_1_1_n_e_g_e_m_m.xhtml" title="Basic function to execute GEMM on NEON. " alt="" coords="171,3223,254,3249"/> -<area shape="rect" id="node123" href="$classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" title="Basic function to execute GEMMLowp on NEON. " alt="" coords="156,3273,269,3300"/> -<area shape="rect" id="node124" href="$classarm__compute_1_1_n_e_harris_corners.xhtml" title="Basic function to execute harris corners detection. " alt="" coords="151,3324,274,3351"/> -<area shape="rect" id="node125" href="$classarm__compute_1_1_n_e_histogram.xhtml" title="Basic function to execute histogram. " alt="" coords="162,3375,263,3401"/> -<area shape="rect" id="node126" href="$classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" title="Basic function to calculate HOG descriptor. " alt="" coords="147,3425,278,3452"/> -<area shape="rect" id="node127" href="$classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" title="Basic function to calculate the gradient for HOG. " alt="" coords="153,3476,273,3503"/> -<area shape="rect" id="node128" href="$classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" title="Basic function to detect multiple objects (or the same object at different scales) on the same input ..." alt="" coords="135,3527,290,3553"/> -<area shape="rect" id="node129" href="$classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" title="Basic function to execute laplacian pyramid. " alt="" coords="141,3577,285,3604"/> -<area shape="rect" id="node130" href="$classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" title="Basic function to execute laplacian reconstruction. " alt="" coords="129,3628,296,3655"/> -<area shape="rect" id="node131" href="$classarm__compute_1_1_n_e_mean_std_dev.xhtml" title="Basic function to execute mean and std deviation. " alt="" coords="154,3679,271,3705"/> -<area shape="rect" id="node132" href="$classarm__compute_1_1_n_e_min_max_location.xhtml" title="Basic function to execute min and max location. " alt="" coords="145,3729,281,3756"/> -<area shape="rect" id="node133" href="$classarm__compute_1_1_n_e_normalization_layer.xhtml" title="Basic function to simulate a normalization layer. " alt="" coords="136,3780,289,3807"/> -<area shape="rect" id="node134" href="$classarm__compute_1_1_n_e_optical_flow.xhtml" title="Basic function to execute optical flow. " alt="" coords="157,3831,268,3857"/> -<area shape="rect" id="node135" href="$classarm__compute_1_1_n_e_sobel5x5.xhtml" title="Basic function to execute sobel 5x5 filter. " alt="" coords="165,3881,260,3908"/> -<area shape="rect" id="node136" href="$classarm__compute_1_1_n_e_sobel7x7.xhtml" title="Basic function to execute sobel 7x7 filter. " alt="" coords="165,3932,260,3959"/> -<area shape="rect" id="node137" href="$classarm__compute_1_1_n_e_softmax_layer.xhtml" title="Basic function to compute a SoftmaxLayer. " alt="" coords="151,3983,274,4009"/> +<area shape="rect" id="node2" href="$classarm__compute_1_1_c_l_canny_edge.xhtml" title="Basic function to execute canny edge on OpenCL. " alt="" coords="159,496,266,523"/> +<area shape="rect" id="node3" href="$classarm__compute_1_1_c_l_convolution_layer.xhtml" title="Basic function to compute the convolution layer. " alt="" coords="143,547,283,573"/> +<area shape="rect" id="node4" href="$classarm__compute_1_1_c_l_convolution_square.xhtml" title="Basic function to execute square convolution.Currently it supports 5x5, 7x7, 9x9. ..." alt="" coords="138,598,287,639"/> +<area shape="rect" id="node5" href="$classarm__compute_1_1_c_l_equalize_histogram.xhtml" title="Basic function to execute histogram equalization. " alt="" coords="138,664,287,691"/> +<area shape="rect" id="node6" href="$classarm__compute_1_1_c_l_fast_corners.xhtml" title="Basic function to execute fast corners. " alt="" coords="157,715,268,741"/> +<area shape="rect" id="node7" href="$classarm__compute_1_1_c_l_fully_connected_layer.xhtml" title="Basic function to compute a Fully Connected layer on OpenCL. " alt="" coords="131,765,294,792"/> +<area shape="rect" id="node8" href="$classarm__compute_1_1_c_l_gaussian5x5.xhtml" title="Basic function to execute gaussian filter 5x5. " alt="" coords="155,816,270,843"/> +<area shape="rect" id="node9" href="$classarm__compute_1_1_c_l_gaussian_pyramid.xhtml" title="Common interface for all Gaussian pyramid functions. " alt="" coords="141,867,284,893"/> +<area shape="rect" id="node12" href="$classarm__compute_1_1_c_l_g_e_m_m.xhtml" title="Basic function to execute GEMM on OpenCL. " alt="" coords="173,917,253,944"/> +<area shape="rect" id="node13" href="$classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml" title="Basic function to execute GEMMLowp on OpenCL. " alt="" coords="157,968,268,995"/> +<area shape="rect" id="node14" href="$classarm__compute_1_1_c_l_harris_corners.xhtml" title="Basic function to execute harris corners detection. " alt="" coords="153,1019,273,1045"/> +<area shape="rect" id="node15" href="$classarm__compute_1_1_c_l_histogram.xhtml" title="Basic function to execute histogram. " alt="" coords="163,1069,262,1096"/> +<area shape="rect" id="node16" href="$classarm__compute_1_1_c_l_integral_image.xhtml" title="Basic function to execute integral image. " alt="" coords="153,1120,272,1147"/> +<area shape="rect" id="node17" href="$classarm__compute_1_1_c_l_laplacian_pyramid.xhtml" title="Basic function to execute laplacian pyramid. " alt="" coords="141,1171,284,1197"/> +<area shape="rect" id="node18" href="$classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml" title="Basic function to execute laplacian reconstruction. " alt="" coords="130,1221,295,1248"/> +<area shape="rect" id="node19" href="$classarm__compute_1_1_c_l_mean_std_dev.xhtml" title="Basic function to execute mean and standard deviation by calling CLMeanStdDevKernel. " alt="" coords="155,1272,270,1299"/> +<area shape="rect" id="node20" href="$classarm__compute_1_1_c_l_min_max_location.xhtml" title="Basic function to execute min and max location. " alt="" coords="145,1323,280,1349"/> +<area shape="rect" id="node21" href="$classarm__compute_1_1_c_l_normalization_layer.xhtml" title="Basic function to simulate a normalization layer. " alt="" coords="137,1373,288,1400"/> +<area shape="rect" id="node22" href="$classarm__compute_1_1_c_l_optical_flow.xhtml" title="Basic function to execute optical flow. " alt="" coords="159,1424,267,1451"/> +<area shape="rect" id="node23" href="$classarm__compute_1_1_c_l_sobel5x5.xhtml" title="Basic function to execute sobel 5x5 filter. " alt="" coords="166,1475,259,1501"/> +<area shape="rect" id="node24" href="$classarm__compute_1_1_c_l_sobel7x7.xhtml" title="Basic function to execute sobel 7x7 filter. " alt="" coords="166,1525,259,1552"/> +<area shape="rect" id="node25" href="$classarm__compute_1_1_c_l_softmax_layer.xhtml" title="Basic function to compute a SoftmaxLayer. " alt="" coords="153,1576,273,1603"/> +<area shape="rect" id="node26" href="$classarm__compute_1_1_i_c_l_simple_function.xhtml" title="Basic interface for functions which have a single OpenCL kernel. " alt="" coords="146,1627,279,1653"/> +<area shape="rect" id="node67" href="$classarm__compute_1_1_i_n_e_simple_function.xhtml" title="Basic interface for functions which have a single NEON kernel. " alt="" coords="145,2615,280,2641"/> +<area shape="rect" id="node109" href="$classarm__compute_1_1_n_e_canny_edge.xhtml" title="Basic function to execute canny edge on NEON. " alt="" coords="158,2665,267,2692"/> +<area shape="rect" id="node110" href="$classarm__compute_1_1_n_e_convolution_layer.xhtml" title="Basic function to simulate a convolution layer. " alt="" coords="141,2716,284,2743"/> +<area shape="rect" id="node111" href="$classarm__compute_1_1_n_e_convolution_square.xhtml" title="Basic function to execute convolution of size 5x5, 7x7, 9x9. " alt="" coords="137,2767,288,2809"/> +<area shape="rect" id="node112" href="$classarm__compute_1_1_n_e_derivative.xhtml" title="Basic function to execute first order derivative operator. " alt="" coords="163,2833,263,2860"/> +<area shape="rect" id="node113" href="$classarm__compute_1_1_n_e_equalize_histogram.xhtml" title="Basic function to execute histogram equalization. " alt="" coords="137,2884,288,2911"/> +<area shape="rect" id="node114" href="$classarm__compute_1_1_n_e_fast_corners.xhtml" title="Basic function to execute fast corners. " alt="" coords="156,2935,269,2961"/> +<area shape="rect" id="node115" href="$classarm__compute_1_1_n_e_fill_border.xhtml" title="Basic function to run NEFillBorderKernel. " alt="" coords="165,2985,261,3012"/> +<area shape="rect" id="node116" href="$classarm__compute_1_1_n_e_fully_connected_layer.xhtml" title="Basic function to compute a Fully Connected layer on NEON. " alt="" coords="131,3036,295,3063"/> +<area shape="rect" id="node117" href="$classarm__compute_1_1_n_e_gaussian5x5.xhtml" title="Basic function to execute gaussian filter 5x5. " alt="" coords="154,3087,271,3113"/> +<area shape="rect" id="node118" href="$classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" title="Common interface for all Gaussian pyramid functions. " alt="" coords="141,3137,285,3164"/> +<area shape="rect" id="node121" href="$classarm__compute_1_1_n_e_g_e_m_m.xhtml" title="Basic function to execute GEMM on NEON. " alt="" coords="171,3188,254,3215"/> +<area shape="rect" id="node122" href="$classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" title="Basic function to execute GEMMLowp on NEON. " alt="" coords="156,3239,269,3265"/> +<area shape="rect" id="node123" href="$classarm__compute_1_1_n_e_harris_corners.xhtml" title="Basic function to execute harris corners detection. " alt="" coords="151,3289,274,3316"/> +<area shape="rect" id="node124" href="$classarm__compute_1_1_n_e_histogram.xhtml" title="Basic function to run NEHistogramKernel. " alt="" coords="162,3340,263,3367"/> +<area shape="rect" id="node125" href="$classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" title="Basic function to calculate HOG descriptor. " alt="" coords="147,3391,278,3417"/> +<area shape="rect" id="node126" href="$classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" title="Basic function to calculate the gradient for HOG. " alt="" coords="153,3441,273,3468"/> +<area shape="rect" id="node127" href="$classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" title="Basic function to detect multiple objects (or the same object at different scales) on the same input ..." alt="" coords="135,3492,290,3519"/> +<area shape="rect" id="node128" href="$classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" title="Basic function to execute laplacian pyramid. " alt="" coords="141,3543,285,3569"/> +<area shape="rect" id="node129" href="$classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" title="Basic function to execute laplacian reconstruction. " alt="" coords="129,3593,296,3620"/> +<area shape="rect" id="node130" href="$classarm__compute_1_1_n_e_mean_std_dev.xhtml" title="Basic function to execute mean and std deviation. " alt="" coords="154,3644,271,3671"/> +<area shape="rect" id="node131" href="$classarm__compute_1_1_n_e_min_max_location.xhtml" title="Basic function to execute min and max location. " alt="" coords="145,3695,281,3721"/> +<area shape="rect" id="node132" href="$classarm__compute_1_1_n_e_normalization_layer.xhtml" title="Basic function to simulate a normalization layer. " alt="" coords="136,3745,289,3772"/> +<area shape="rect" id="node133" href="$classarm__compute_1_1_n_e_optical_flow.xhtml" title="Basic function to execute optical flow. " alt="" coords="157,3796,268,3823"/> +<area shape="rect" id="node134" href="$classarm__compute_1_1_n_e_sobel5x5.xhtml" title="Basic function to execute sobel 5x5 filter. " alt="" coords="165,3847,260,3873"/> +<area shape="rect" id="node135" href="$classarm__compute_1_1_n_e_sobel7x7.xhtml" title="Basic function to execute sobel 7x7 filter. " alt="" coords="165,3897,260,3924"/> +<area shape="rect" id="node136" href="$classarm__compute_1_1_n_e_softmax_layer.xhtml" title="Basic function to compute a SoftmaxLayer. " alt="" coords="151,3948,274,3975"/> <area shape="rect" id="node10" href="$classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml" title="Basic function to execute gaussian pyramid with HALF scale factor. " alt="" coords="363,5,529,32"/> <area shape="rect" id="node11" href="$classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml" title="Basic function to execute gaussian pyramid with ORB scale factor. " alt="" coords="365,56,527,83"/> <area shape="rect" id="node27" href="$classarm__compute_1_1_c_l_absolute_difference.xhtml" title="Basic function to run CLAbsoluteDifferenceKernel. " alt="" coords="371,107,521,133"/> @@ -77,63 +75,64 @@ <area shape="rect" id="node47" href="$classarm__compute_1_1_c_l_erode.xhtml" title="Basic function to execute erode. " alt="" coords="409,1120,483,1147"/> <area shape="rect" id="node48" href="$classarm__compute_1_1_c_l_fill_border.xhtml" title="Basic function to run CLFillBorderKernel. " alt="" coords="399,1171,493,1197"/> <area shape="rect" id="node49" href="$classarm__compute_1_1_c_l_gaussian3x3.xhtml" title="Basic function to execute gaussian filter 3x3. " alt="" coords="389,1221,503,1248"/> -<area shape="rect" id="node50" href="$classarm__compute_1_1_c_l_magnitude.xhtml" title="Basic function to run CLMagnitudePhaseKernel. " alt="" coords="397,1272,495,1299"/> -<area shape="rect" id="node51" href="$classarm__compute_1_1_c_l_median3x3.xhtml" title="Basic function to execute median filter. " alt="" coords="395,1323,497,1349"/> -<area shape="rect" id="node52" href="$classarm__compute_1_1_c_l_non_linear_filter.xhtml" title="Basic function to execute non linear filter. " alt="" coords="383,1373,509,1400"/> -<area shape="rect" id="node53" href="$classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" title="Basic function to execute non-maxima suppression over a 3x3 window. " alt="" coords="345,1424,547,1451"/> -<area shape="rect" id="node54" href="$classarm__compute_1_1_c_l_phase.xhtml" title="Basic function to execute an CLMagnitudePhaseKernel. " alt="" coords="408,1475,484,1501"/> -<area shape="rect" id="node55" href="$classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" title="Basic function to run CLPixelWiseMultiplicationKernel. " alt="" coords="359,1525,533,1552"/> -<area shape="rect" id="node56" href="$classarm__compute_1_1_c_l_pooling_layer.xhtml" title="Basic function to simulate a pooling layer with the specified pooling operation. " alt="" coords="389,1576,503,1603"/> -<area shape="rect" id="node57" href="$classarm__compute_1_1_c_l_remap.xhtml" title="Basic function to execute remap. " alt="" coords="405,1627,487,1653"/> -<area shape="rect" id="node58" href="$classarm__compute_1_1_c_l_scale.xhtml" title="Basic function to run CLScaleKernel. " alt="" coords="410,1677,482,1704"/> -<area shape="rect" id="node59" href="$classarm__compute_1_1_c_l_scharr3x3.xhtml" title="Basic function to execute scharr 3x3 filter. " alt="" coords="397,1728,495,1755"/> -<area shape="rect" id="node60" href="$classarm__compute_1_1_c_l_sobel3x3.xhtml" title="Basic function to execute sobel 3x3 filter. " alt="" coords="399,1779,493,1805"/> -<area shape="rect" id="node61" href="$classarm__compute_1_1_c_l_table_lookup.xhtml" title="Basic function to run CLTableLookupKernel. " alt="" coords="389,1829,503,1856"/> -<area shape="rect" id="node62" href="$classarm__compute_1_1_c_l_threshold.xhtml" title="Basic function to run CLThresholdKernel. " alt="" coords="398,1880,494,1907"/> -<area shape="rect" id="node63" href="$classarm__compute_1_1_c_l_transpose.xhtml" title="Basic function to transpose a matrix on OpenCL. " alt="" coords="396,1931,496,1957"/> -<area shape="rect" id="node64" href="$classarm__compute_1_1_c_l_warp_affine.xhtml" title="Basic function to run CLWarpAffineKernel for AFFINE transformation. " alt="" coords="394,1981,498,2008"/> -<area shape="rect" id="node65" href="$classarm__compute_1_1_c_l_warp_perspective.xhtml" title="Basic function to run CLWarpPerspectiveKernel for PERSPECTIVE transformation. " alt="" coords="377,2032,515,2059"/> -<area shape="rect" id="node67" href="$classarm__compute_1_1_n_e_absolute_difference.xhtml" title="Basic function to run NEAbsoluteDifferenceKernel. " alt="" coords="370,2083,522,2109"/> -<area shape="rect" id="node68" href="$classarm__compute_1_1_n_e_accumulate.xhtml" title="Basic function to run NEAccumulateKernel. " alt="" coords="391,2133,501,2160"/> -<area shape="rect" id="node69" href="$classarm__compute_1_1_n_e_accumulate_squared.xhtml" title="Basic function to run NEAccumulateSquaredKernel. " alt="" coords="367,2184,525,2211"/> -<area shape="rect" id="node70" href="$classarm__compute_1_1_n_e_accumulate_weighted.xhtml" title="Basic function to run NEAccumulateWeightedKernel. " alt="" coords="363,2235,529,2261"/> -<area shape="rect" id="node71" href="$classarm__compute_1_1_n_e_activation_layer.xhtml" title="Basic function to run NEActivationLayerKernel. " alt="" coords="381,2285,511,2312"/> -<area shape="rect" id="node72" href="$classarm__compute_1_1_n_e_arithmetic_addition.xhtml" title="Basic function to run NEArithmeticAdditionKernel. " alt="" coords="373,2336,519,2363"/> -<area shape="rect" id="node73" href="$classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" title="Basic function to run NEArithmeticSubtractionKernel. " alt="" coords="363,2387,529,2413"/> -<area shape="rect" id="node74" href="$classarm__compute_1_1_n_e_bitwise_and.xhtml" title="Basic function to run NEBitwiseAndKernel. " alt="" coords="393,2437,499,2464"/> -<area shape="rect" id="node75" href="$classarm__compute_1_1_n_e_bitwise_not.xhtml" title="Basic function to run NEBitwiseNotKernel. " alt="" coords="393,2488,499,2515"/> -<area shape="rect" id="node76" href="$classarm__compute_1_1_n_e_bitwise_or.xhtml" title="Basic function to run NEBitwiseOrKernel. " alt="" coords="397,2539,495,2565"/> -<area shape="rect" id="node77" href="$classarm__compute_1_1_n_e_bitwise_xor.xhtml" title="Basic function to run NEBitwiseXorKernel. " alt="" coords="394,2589,498,2616"/> -<area shape="rect" id="node78" href="$classarm__compute_1_1_n_e_box3x3.xhtml" title="Basic function to execute box filter 3x3. " alt="" coords="403,2640,489,2667"/> -<area shape="rect" id="node79" href="$classarm__compute_1_1_n_e_channel_combine.xhtml" title="Basic function to run NEChannelCombineKernel to perform channel combination. " alt="" coords="375,2691,517,2717"/> -<area shape="rect" id="node80" href="$classarm__compute_1_1_n_e_channel_extract.xhtml" title="Basic function to run NEChannelExtractKernel to perform channel extraction. " alt="" coords="381,2741,511,2768"/> -<area shape="rect" id="node81" href="$classarm__compute_1_1_n_e_color_convert.xhtml" title="Basic function to run NEColorConvertKernel to perform color conversion. " alt="" coords="387,2792,505,2819"/> -<area shape="rect" id="node82" href="$classarm__compute_1_1_n_e_convolution3x3.xhtml" title="Basic function to execute convolution of size 3x3. " alt="" coords="381,2843,511,2869"/> -<area shape="rect" id="node83" href="$classarm__compute_1_1_n_e_convolution_rectangle.xhtml" title="Basic function to execute non-square convolution. " alt="" coords="361,2893,531,2920"/> -<area shape="rect" id="node84" href="$classarm__compute_1_1_n_e_depth_convert.xhtml" title="Basic function to run NEDepthConvertKernel. " alt="" coords="385,2944,507,2971"/> -<area shape="rect" id="node85" href="$classarm__compute_1_1_n_e_dilate.xhtml" title="Basic function to execute dilate. " alt="" coords="409,2995,483,3021"/> -<area shape="rect" id="node86" href="$classarm__compute_1_1_n_e_erode.xhtml" title="Basic function to execute erode. " alt="" coords="409,3045,483,3072"/> -<area shape="rect" id="node87" href="$classarm__compute_1_1_n_e_gaussian3x3.xhtml" title="Basic function to execute gaussian filter 3x3. " alt="" coords="387,3096,505,3123"/> -<area shape="rect" id="node88" href="$classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" title="Basic function to execute NEGEMMInterleave4x4Kernel. " alt="" coords="366,3147,526,3173"/> -<area shape="rect" id="node89" href="$classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" title="Basic function to execute NEGEMMTranspose1xWKernel. " alt="" coords="361,3197,531,3224"/> -<area shape="rect" id="node90" href="$classarm__compute_1_1_n_e_h_o_g_detector.xhtml" title="Basic function to execute HOG detector based on linear SVM. " alt="" coords="385,3248,507,3275"/> -<area shape="rect" id="node91" href="$classarm__compute_1_1_n_e_integral_image.xhtml" title="Basic function to run a NEIntegralImageKernel. " alt="" coords="386,3299,506,3325"/> -<area shape="rect" id="node92" href="$classarm__compute_1_1_n_e_magnitude.xhtml" title="Basic function to run NEMagnitudePhaseKernel. " alt="" coords="395,3349,497,3376"/> -<area shape="rect" id="node93" href="$classarm__compute_1_1_n_e_median3x3.xhtml" title="Basic function to execute median filter. " alt="" coords="394,3400,498,3427"/> -<area shape="rect" id="node94" href="$classarm__compute_1_1_n_e_non_linear_filter.xhtml" title="Basic function to execute non linear filter. " alt="" coords="381,3451,511,3477"/> -<area shape="rect" id="node95" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" title="Basic function to execute non-maxima suppression over a 3x3 window. " alt="" coords="344,3501,548,3528"/> -<area shape="rect" id="node96" href="$classarm__compute_1_1_n_e_phase.xhtml" title="Basic function to run NEMagnitudePhaseKernel. " alt="" coords="407,3552,485,3579"/> -<area shape="rect" id="node97" href="$classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" title="Basic function to run NEPixelWiseMultiplicationKernel. " alt="" coords="358,3603,534,3629"/> -<area shape="rect" id="node98" href="$classarm__compute_1_1_n_e_pooling_layer.xhtml" title="Basic function to simulate a pooling layer with the specified pooling operation. " alt="" coords="388,3653,504,3680"/> -<area shape="rect" id="node99" href="$classarm__compute_1_1_n_e_remap.xhtml" title="Basic function to execute remap. " alt="" coords="405,3704,487,3731"/> -<area shape="rect" id="node100" href="$classarm__compute_1_1_n_e_scale.xhtml" title="Basic function to run NEScaleKernel. " alt="" coords="409,3755,483,3781"/> -<area shape="rect" id="node101" href="$classarm__compute_1_1_n_e_scharr3x3.xhtml" title="Basic function to execute scharr 3x3 filter. " alt="" coords="396,3805,496,3832"/> -<area shape="rect" id="node102" href="$classarm__compute_1_1_n_e_sobel3x3.xhtml" title="Basic function to execute sobel 3x3 filter. " alt="" coords="399,3856,493,3883"/> -<area shape="rect" id="node103" href="$classarm__compute_1_1_n_e_table_lookup.xhtml" title="Basic function to run NETableLookupKernel. " alt="" coords="389,3907,503,3933"/> -<area shape="rect" id="node104" href="$classarm__compute_1_1_n_e_threshold.xhtml" title="Basic function to run NEThresholdKernel. " alt="" coords="397,3957,495,3984"/> -<area shape="rect" id="node105" href="$classarm__compute_1_1_n_e_transpose.xhtml" title="Basic function to transpose a matrix on NEON. " alt="" coords="395,4008,497,4035"/> -<area shape="rect" id="node106" href="$classarm__compute_1_1_n_e_warp_affine.xhtml" title="Basic function to run NEWarpAffineKernel. " alt="" coords="393,4059,499,4085"/> -<area shape="rect" id="node107" href="$classarm__compute_1_1_n_e_warp_perspective.xhtml" title="Basic function to run NEWarpPerspectiveKernel. " alt="" coords="375,4109,517,4136"/> -<area shape="rect" id="node120" href="$classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" title="Basic function to execute gaussian pyramid with HALF scale factor. " alt="" coords="362,4160,530,4187"/> -<area shape="rect" id="node121" href="$classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" title="Basic function to execute gaussian pyramid with ORB scale factor. " alt="" coords="363,4211,529,4237"/> +<area shape="rect" id="node50" href="$classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml" title="Basic function to execute CLGEMMInterleave4x4Kernel. " alt="" coords="367,1272,525,1299"/> +<area shape="rect" id="node51" href="$classarm__compute_1_1_c_l_magnitude.xhtml" title="Basic function to run CLMagnitudePhaseKernel. " alt="" coords="397,1323,495,1349"/> +<area shape="rect" id="node52" href="$classarm__compute_1_1_c_l_median3x3.xhtml" title="Basic function to execute median filter. " alt="" coords="395,1373,497,1400"/> +<area shape="rect" id="node53" href="$classarm__compute_1_1_c_l_non_linear_filter.xhtml" title="Basic function to execute non linear filter. " alt="" coords="383,1424,509,1451"/> +<area shape="rect" id="node54" href="$classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" title="Basic function to execute non-maxima suppression over a 3x3 window. " alt="" coords="345,1475,547,1501"/> +<area shape="rect" id="node55" href="$classarm__compute_1_1_c_l_phase.xhtml" title="Basic function to execute an CLMagnitudePhaseKernel. " alt="" coords="408,1525,484,1552"/> +<area shape="rect" id="node56" href="$classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" title="Basic function to run CLPixelWiseMultiplicationKernel. " alt="" coords="359,1576,533,1603"/> +<area shape="rect" id="node57" href="$classarm__compute_1_1_c_l_pooling_layer.xhtml" title="Basic function to simulate a pooling layer with the specified pooling operation. " alt="" coords="389,1627,503,1653"/> +<area shape="rect" id="node58" href="$classarm__compute_1_1_c_l_remap.xhtml" title="Basic function to execute remap. " alt="" coords="405,1677,487,1704"/> +<area shape="rect" id="node59" href="$classarm__compute_1_1_c_l_scale.xhtml" title="Basic function to run CLScaleKernel. " alt="" coords="410,1728,482,1755"/> +<area shape="rect" id="node60" href="$classarm__compute_1_1_c_l_scharr3x3.xhtml" title="Basic function to execute scharr 3x3 filter. " alt="" coords="397,1779,495,1805"/> +<area shape="rect" id="node61" href="$classarm__compute_1_1_c_l_sobel3x3.xhtml" title="Basic function to execute sobel 3x3 filter. " alt="" coords="399,1829,493,1856"/> +<area shape="rect" id="node62" href="$classarm__compute_1_1_c_l_table_lookup.xhtml" title="Basic function to run CLTableLookupKernel. " alt="" coords="389,1880,503,1907"/> +<area shape="rect" id="node63" href="$classarm__compute_1_1_c_l_threshold.xhtml" title="Basic function to run CLThresholdKernel. " alt="" coords="398,1931,494,1957"/> +<area shape="rect" id="node64" href="$classarm__compute_1_1_c_l_transpose.xhtml" title="Basic function to transpose a matrix on OpenCL. " alt="" coords="396,1981,496,2008"/> +<area shape="rect" id="node65" href="$classarm__compute_1_1_c_l_warp_affine.xhtml" title="Basic function to run CLWarpAffineKernel for AFFINE transformation. " alt="" coords="394,2032,498,2059"/> +<area shape="rect" id="node66" href="$classarm__compute_1_1_c_l_warp_perspective.xhtml" title="Basic function to run CLWarpPerspectiveKernel for PERSPECTIVE transformation. " alt="" coords="377,2083,515,2109"/> +<area shape="rect" id="node68" href="$classarm__compute_1_1_n_e_absolute_difference.xhtml" title="Basic function to run NEAbsoluteDifferenceKernel. " alt="" coords="370,2133,522,2160"/> +<area shape="rect" id="node69" href="$classarm__compute_1_1_n_e_accumulate.xhtml" title="Basic function to run NEAccumulateKernel. " alt="" coords="391,2184,501,2211"/> +<area shape="rect" id="node70" href="$classarm__compute_1_1_n_e_accumulate_squared.xhtml" title="Basic function to run NEAccumulateSquaredKernel. " alt="" coords="367,2235,525,2261"/> +<area shape="rect" id="node71" href="$classarm__compute_1_1_n_e_accumulate_weighted.xhtml" title="Basic function to run NEAccumulateWeightedKernel. " alt="" coords="363,2285,529,2312"/> +<area shape="rect" id="node72" href="$classarm__compute_1_1_n_e_activation_layer.xhtml" title="Basic function to run NEActivationLayerKernel. " alt="" coords="381,2336,511,2363"/> +<area shape="rect" id="node73" href="$classarm__compute_1_1_n_e_arithmetic_addition.xhtml" title="Basic function to run NEArithmeticAdditionKernel. " alt="" coords="373,2387,519,2413"/> +<area shape="rect" id="node74" href="$classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" title="Basic function to run NEArithmeticSubtractionKernel. " alt="" coords="363,2437,529,2464"/> +<area shape="rect" id="node75" href="$classarm__compute_1_1_n_e_bitwise_and.xhtml" title="Basic function to run NEBitwiseAndKernel. " alt="" coords="393,2488,499,2515"/> +<area shape="rect" id="node76" href="$classarm__compute_1_1_n_e_bitwise_not.xhtml" title="Basic function to run NEBitwiseNotKernel. " alt="" coords="393,2539,499,2565"/> +<area shape="rect" id="node77" href="$classarm__compute_1_1_n_e_bitwise_or.xhtml" title="Basic function to run NEBitwiseOrKernel. " alt="" coords="397,2589,495,2616"/> +<area shape="rect" id="node78" href="$classarm__compute_1_1_n_e_bitwise_xor.xhtml" title="Basic function to run NEBitwiseXorKernel. " alt="" coords="394,2640,498,2667"/> +<area shape="rect" id="node79" href="$classarm__compute_1_1_n_e_box3x3.xhtml" title="Basic function to execute box filter 3x3. " alt="" coords="403,2691,489,2717"/> +<area shape="rect" id="node80" href="$classarm__compute_1_1_n_e_channel_combine.xhtml" title="Basic function to run NEChannelCombineKernel to perform channel combination. " alt="" coords="375,2741,517,2768"/> +<area shape="rect" id="node81" href="$classarm__compute_1_1_n_e_channel_extract.xhtml" title="Basic function to run NEChannelExtractKernel to perform channel extraction. " alt="" coords="381,2792,511,2819"/> +<area shape="rect" id="node82" href="$classarm__compute_1_1_n_e_color_convert.xhtml" title="Basic function to run NEColorConvertKernel to perform color conversion. " alt="" coords="387,2843,505,2869"/> +<area shape="rect" id="node83" href="$classarm__compute_1_1_n_e_convolution3x3.xhtml" title="Basic function to execute convolution of size 3x3. " alt="" coords="381,2893,511,2920"/> +<area shape="rect" id="node84" href="$classarm__compute_1_1_n_e_convolution_rectangle.xhtml" title="Basic function to execute non-square convolution. " alt="" coords="361,2944,531,2971"/> +<area shape="rect" id="node85" href="$classarm__compute_1_1_n_e_depth_convert.xhtml" title="Basic function to run NEDepthConvertKernel. " alt="" coords="385,2995,507,3021"/> +<area shape="rect" id="node86" href="$classarm__compute_1_1_n_e_dilate.xhtml" title="Basic function to execute dilate. " alt="" coords="409,3045,483,3072"/> +<area shape="rect" id="node87" href="$classarm__compute_1_1_n_e_erode.xhtml" title="Basic function to execute erode. " alt="" coords="409,3096,483,3123"/> +<area shape="rect" id="node88" href="$classarm__compute_1_1_n_e_gaussian3x3.xhtml" title="Basic function to execute gaussian filter 3x3. " alt="" coords="387,3147,505,3173"/> +<area shape="rect" id="node89" href="$classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" title="Basic function to execute NEGEMMInterleave4x4Kernel. " alt="" coords="366,3197,526,3224"/> +<area shape="rect" id="node90" href="$classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" title="Basic function to execute NEGEMMTranspose1xWKernel. " alt="" coords="361,3248,531,3275"/> +<area shape="rect" id="node91" href="$classarm__compute_1_1_n_e_h_o_g_detector.xhtml" title="Basic function to execute HOG detector based on linear SVM. " alt="" coords="385,3299,507,3325"/> +<area shape="rect" id="node92" href="$classarm__compute_1_1_n_e_integral_image.xhtml" title="Basic function to run a NEIntegralImageKernel. " alt="" coords="386,3349,506,3376"/> +<area shape="rect" id="node93" href="$classarm__compute_1_1_n_e_magnitude.xhtml" title="Basic function to run NEMagnitudePhaseKernel. " alt="" coords="395,3400,497,3427"/> +<area shape="rect" id="node94" href="$classarm__compute_1_1_n_e_median3x3.xhtml" title="Basic function to execute median filter. " alt="" coords="394,3451,498,3477"/> +<area shape="rect" id="node95" href="$classarm__compute_1_1_n_e_non_linear_filter.xhtml" title="Basic function to execute non linear filter. " alt="" coords="381,3501,511,3528"/> +<area shape="rect" id="node96" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" title="Basic function to execute non-maxima suppression over a 3x3 window. " alt="" coords="344,3552,548,3579"/> +<area shape="rect" id="node97" href="$classarm__compute_1_1_n_e_phase.xhtml" title="Basic function to run NEMagnitudePhaseKernel. " alt="" coords="407,3603,485,3629"/> +<area shape="rect" id="node98" href="$classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" title="Basic function to run NEPixelWiseMultiplicationKernel. " alt="" coords="358,3653,534,3680"/> +<area shape="rect" id="node99" href="$classarm__compute_1_1_n_e_pooling_layer.xhtml" title="Basic function to simulate a pooling layer with the specified pooling operation. " alt="" coords="388,3704,504,3731"/> +<area shape="rect" id="node100" href="$classarm__compute_1_1_n_e_remap.xhtml" title="Basic function to execute remap. " alt="" coords="405,3755,487,3781"/> +<area shape="rect" id="node101" href="$classarm__compute_1_1_n_e_scale.xhtml" title="Basic function to run NEScaleKernel. " alt="" coords="409,3805,483,3832"/> +<area shape="rect" id="node102" href="$classarm__compute_1_1_n_e_scharr3x3.xhtml" title="Basic function to execute scharr 3x3 filter. " alt="" coords="396,3856,496,3883"/> +<area shape="rect" id="node103" href="$classarm__compute_1_1_n_e_sobel3x3.xhtml" title="Basic function to execute sobel 3x3 filter. " alt="" coords="399,3907,493,3933"/> +<area shape="rect" id="node104" href="$classarm__compute_1_1_n_e_table_lookup.xhtml" title="Basic function to run NETableLookupKernel. " alt="" coords="389,3957,503,3984"/> +<area shape="rect" id="node105" href="$classarm__compute_1_1_n_e_threshold.xhtml" title="Basic function to run NEThresholdKernel. " alt="" coords="397,4008,495,4035"/> +<area shape="rect" id="node106" href="$classarm__compute_1_1_n_e_transpose.xhtml" title="Basic function to transpose a matrix on NEON. " alt="" coords="395,4059,497,4085"/> +<area shape="rect" id="node107" href="$classarm__compute_1_1_n_e_warp_affine.xhtml" title="Basic function to run NEWarpAffineKernel. " alt="" coords="393,4109,499,4136"/> +<area shape="rect" id="node108" href="$classarm__compute_1_1_n_e_warp_perspective.xhtml" title="Basic function to run NEWarpPerspectiveKernel. " alt="" coords="375,4160,517,4187"/> +<area shape="rect" id="node119" href="$classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" title="Basic function to execute gaussian pyramid with HALF scale factor. " alt="" coords="362,4211,530,4237"/> +<area shape="rect" id="node120" href="$classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" title="Basic function to execute gaussian pyramid with ORB scale factor. " alt="" coords="363,4261,529,4288"/> </map> diff --git a/documentation/inherit_graph_21.md5 b/documentation/inherit_graph_21.md5 index 87695ac05..f24e2e16f 100644 --- a/documentation/inherit_graph_21.md5 +++ b/documentation/inherit_graph_21.md5 @@ -1 +1 @@ -ed89cecda703973a9ce38bb5fa8c003d
\ No newline at end of file +3d7a73fbcf8301fa4bb260275e6f3115
\ No newline at end of file diff --git a/documentation/inherit_graph_21.svg b/documentation/inherit_graph_21.svg index 01ef7ac67..e3c6ac85f 100644 --- a/documentation/inherit_graph_21.svg +++ b/documentation/inherit_graph_21.svg @@ -4,1787 +4,1775 @@ <!-- Generated by graphviz version 2.38.0 (20140413.2041) --> <!-- Title: Graphical Class Hierarchy Pages: 1 --> -<svg width="415pt" height="3182pt" - viewBox="0.00 0.00 415.00 3182.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 3178)"> +<svg width="415pt" height="3220pt" + viewBox="0.00 0.00 415.00 3220.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 3216)"> <title>Graphical Class Hierarchy</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-3178 411,-3178 411,4 -4,4"/> +<polygon fill="white" stroke="none" points="-4,4 -4,-3216 411,-3216 411,4 -4,4"/> <!-- Node1 --> <g id="node1" class="node"><title>Node1</title> <g id="a_node1"><a xlink:href="classarm__compute_1_1_i_function.xhtml" target="_top" xlink:title="Base class for all functions. "> -<polygon fill="white" stroke="black" points="0,-1140.5 0,-1159.5 57,-1159.5 57,-1140.5 0,-1140.5"/> -<text text-anchor="middle" x="28.5" y="-1147.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> +<polygon fill="white" stroke="black" points="0,-1178.5 0,-1197.5 57,-1197.5 57,-1178.5 0,-1178.5"/> +<text text-anchor="middle" x="28.5" y="-1185.5" font-family="Helvetica,sans-Serif" font-size="10.00">IFunction</text> </a> </g> </g> <!-- Node2 --> <g id="node2" class="node"><title>Node2</title> <g id="a_node2"><a xlink:href="classarm__compute_1_1_c_l_canny_edge.xhtml" target="_top" xlink:title="Basic function to execute canny edge on OpenCL. "> -<polygon fill="white" stroke="black" points="115.5,-2805.5 115.5,-2824.5 195.5,-2824.5 195.5,-2805.5 115.5,-2805.5"/> -<text text-anchor="middle" x="155.5" y="-2812.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCannyEdge</text> +<polygon fill="white" stroke="black" points="115.5,-2824.5 115.5,-2843.5 195.5,-2843.5 195.5,-2824.5 115.5,-2824.5"/> +<text text-anchor="middle" x="155.5" y="-2831.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCannyEdge</text> </a> </g> </g> <!-- Node1->Node2 --> <g id="edge1" class="edge"><title>Node1->Node2</title> -<path fill="none" stroke="midnightblue" d="M29.6145,-1169.91C30.7426,-1352.32 40.9653,-2728.24 93,-2796 98.5129,-2803.18 106.694,-2807.72 115.303,-2810.57"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1129,-1169.63 29.553,-1159.65 26.113,-1169.67 33.1129,-1169.63"/> +<path fill="none" stroke="midnightblue" d="M29.6222,-1207.68C30.8202,-1387.99 41.55,-2748.03 93,-2815 98.5146,-2822.18 106.696,-2826.72 115.306,-2829.57"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.1213,-1207.51 29.5567,-1197.54 26.1214,-1207.56 33.1213,-1207.51"/> </g> <!-- Node3 --> <g id="node3" class="node"><title>Node3</title> <g id="a_node3"><a xlink:href="classarm__compute_1_1_c_l_convolution_layer.xhtml" target="_top" xlink:title="Basic function to compute the convolution layer. "> -<polygon fill="white" stroke="black" points="103,-2767.5 103,-2786.5 208,-2786.5 208,-2767.5 103,-2767.5"/> -<text text-anchor="middle" x="155.5" y="-2774.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionLayer</text> +<polygon fill="white" stroke="black" points="103,-2786.5 103,-2805.5 208,-2805.5 208,-2786.5 103,-2786.5"/> +<text text-anchor="middle" x="155.5" y="-2793.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionLayer</text> </a> </g> </g> <!-- Node1->Node3 --> <g id="edge2" class="edge"><title>Node1->Node3</title> -<path fill="none" stroke="midnightblue" d="M29.6339,-1170C30.9209,-1350.41 42.1868,-2691.89 93,-2758 95.9284,-2761.81 99.6081,-2764.88 103.704,-2767.34"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1326,-1169.8 29.5632,-1159.82 26.1328,-1169.85 33.1326,-1169.8"/> +<path fill="none" stroke="midnightblue" d="M29.6418,-1207.76C30.9996,-1386.04 42.7708,-2711.68 93,-2777 95.9293,-2780.81 99.6096,-2783.87 103.706,-2786.34"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.1414,-1207.68 29.5671,-1197.71 26.1416,-1207.73 33.1414,-1207.68"/> </g> <!-- Node4 --> <g id="node4" class="node"><title>Node4</title> <g id="a_node4"><a xlink:href="classarm__compute_1_1_c_l_convolution_square.xhtml" target="_top" xlink:title="Basic function to execute square convolution.Currently it supports 5x5, 7x7, 9x9. ..."> -<polygon fill="white" stroke="black" points="99.5,-2718 99.5,-2748 211.5,-2748 211.5,-2718 99.5,-2718"/> -<text text-anchor="start" x="107.5" y="-2736" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionSquare</text> -<text text-anchor="middle" x="155.5" y="-2725" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> +<polygon fill="white" stroke="black" points="99.5,-2737 99.5,-2767 211.5,-2767 211.5,-2737 99.5,-2737"/> +<text text-anchor="start" x="107.5" y="-2755" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionSquare</text> +<text text-anchor="middle" x="155.5" y="-2744" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> </a> </g> </g> <!-- Node1->Node4 --> <g id="edge3" class="edge"><title>Node1->Node4</title> -<path fill="none" stroke="midnightblue" d="M29.6958,-1169.61C31.5219,-1345.19 46.5599,-2641.94 93,-2708 95.7176,-2711.87 99.1422,-2715.13 102.978,-2717.9"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1946,-1169.47 29.5925,-1159.5 26.1949,-1169.54 33.1946,-1169.47"/> +<path fill="none" stroke="midnightblue" d="M29.7092,-1207.91C31.6282,-1383.44 47.156,-2661.82 93,-2727 95.7185,-2730.87 99.1438,-2734.13 102.98,-2736.9"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.2077,-1207.74 29.6003,-1197.78 26.2081,-1207.81 33.2077,-1207.74"/> </g> <!-- Node5 --> <g id="node5" class="node"><title>Node5</title> <g id="a_node5"><a xlink:href="classarm__compute_1_1_c_l_equalize_histogram.xhtml" target="_top" xlink:title="Basic function to execute histogram equalization. "> -<polygon fill="white" stroke="black" points="99.5,-2679.5 99.5,-2698.5 211.5,-2698.5 211.5,-2679.5 99.5,-2679.5"/> -<text text-anchor="middle" x="155.5" y="-2686.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEqualizeHistogram</text> +<polygon fill="white" stroke="black" points="99.5,-2698.5 99.5,-2717.5 211.5,-2717.5 211.5,-2698.5 99.5,-2698.5"/> +<text text-anchor="middle" x="155.5" y="-2705.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEqualizeHistogram</text> </a> </g> </g> <!-- Node1->Node5 --> <g id="edge4" class="edge"><title>Node1->Node5</title> -<path fill="none" stroke="midnightblue" d="M29.6781,-1169.69C31.3268,-1343.3 44.9651,-2607.65 93,-2670 95.9327,-2673.81 99.6153,-2676.87 103.713,-2679.33"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1779,-1169.64 29.5849,-1159.67 26.1782,-1169.7 33.1779,-1169.64"/> +<path fill="none" stroke="midnightblue" d="M29.689,-1207.71C31.4212,-1380.14 45.5719,-2627.47 93,-2689 95.9337,-2692.81 99.617,-2695.87 103.715,-2698.33"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.1874,-1207.51 29.589,-1197.55 26.1877,-1207.58 33.1874,-1207.51"/> </g> <!-- Node6 --> <g id="node6" class="node"><title>Node6</title> <g id="a_node6"><a xlink:href="classarm__compute_1_1_c_l_fast_corners.xhtml" target="_top" xlink:title="Basic function to execute fast corners. "> -<polygon fill="white" stroke="black" points="114,-2641.5 114,-2660.5 197,-2660.5 197,-2641.5 114,-2641.5"/> -<text text-anchor="middle" x="155.5" y="-2648.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFastCorners</text> +<polygon fill="white" stroke="black" points="114,-2660.5 114,-2679.5 197,-2679.5 197,-2660.5 114,-2660.5"/> +<text text-anchor="middle" x="155.5" y="-2667.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFastCorners</text> </a> </g> </g> <!-- Node1->Node6 --> <g id="edge5" class="edge"><title>Node1->Node6</title> -<path fill="none" stroke="midnightblue" d="M29.703,-1169.98C31.532,-1342.23 46.2028,-2571.33 93,-2632 98.187,-2638.73 105.714,-2643.13 113.736,-2646"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.2011,-1169.77 29.597,-1159.81 26.2014,-1169.85 33.2011,-1169.77"/> +<path fill="none" stroke="midnightblue" d="M29.7116,-1207.73C31.6137,-1377.77 46.785,-2591.12 93,-2651 98.1888,-2657.72 105.717,-2662.13 113.738,-2665"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.211,-1207.65 29.6013,-1197.69 26.2114,-1207.72 33.211,-1207.65"/> </g> <!-- Node7 --> <g id="node7" class="node"><title>Node7</title> <g id="a_node7"><a xlink:href="classarm__compute_1_1_c_l_fully_connected_layer.xhtml" target="_top" xlink:title="Basic function to compute a Fully Connected layer on OpenCL. "> -<polygon fill="white" stroke="black" points="94.5,-2603.5 94.5,-2622.5 216.5,-2622.5 216.5,-2603.5 94.5,-2603.5"/> -<text text-anchor="middle" x="155.5" y="-2610.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFullyConnectedLayer</text> +<polygon fill="white" stroke="black" points="94.5,-2622.5 94.5,-2641.5 216.5,-2641.5 216.5,-2622.5 94.5,-2622.5"/> +<text text-anchor="middle" x="155.5" y="-2629.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFullyConnectedLayer</text> </a> </g> </g> <!-- Node1->Node7 --> <g id="edge6" class="edge"><title>Node1->Node7</title> -<path fill="none" stroke="midnightblue" d="M29.7261,-1169.98C31.7268,-1339.7 47.4128,-2534.96 93,-2594 96.0052,-2597.89 99.7941,-2601.01 104.009,-2603.5"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.2211,-1169.52 29.6055,-1159.56 26.2216,-1169.6 33.2211,-1169.52"/> +<path fill="none" stroke="midnightblue" d="M29.7414,-1208.23C31.8428,-1377.62 48.0407,-2554.81 93,-2613 96.0063,-2616.89 99.796,-2620.01 104.011,-2622.5"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.236,-1207.77 29.6143,-1197.81 26.2366,-1207.85 33.236,-1207.77"/> </g> <!-- Node8 --> <g id="node8" class="node"><title>Node8</title> <g id="a_node8"><a xlink:href="classarm__compute_1_1_c_l_gaussian5x5.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 5x5. "> -<polygon fill="white" stroke="black" points="112.5,-2565.5 112.5,-2584.5 198.5,-2584.5 198.5,-2565.5 112.5,-2565.5"/> -<text text-anchor="middle" x="155.5" y="-2572.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5</text> +<polygon fill="white" stroke="black" points="112.5,-2584.5 112.5,-2603.5 198.5,-2603.5 198.5,-2584.5 112.5,-2584.5"/> +<text text-anchor="middle" x="155.5" y="-2591.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5</text> </a> </g> </g> <!-- Node1->Node8 --> <g id="edge7" class="edge"><title>Node1->Node8</title> -<path fill="none" stroke="midnightblue" d="M29.7504,-1169.96C31.9265,-1337.1 48.6217,-2498.6 93,-2556 97.9213,-2562.37 104.939,-2566.65 112.485,-2569.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.2466,-1169.63 29.6187,-1159.68 26.2472,-1169.72 33.2466,-1169.63"/> +<path fill="none" stroke="midnightblue" d="M29.7595,-1207.69C32.0103,-1372.57 49.2027,-2518.39 93,-2575 97.9233,-2581.36 104.942,-2585.65 112.488,-2588.53"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.2573,-1207.5 29.6231,-1197.55 26.2579,-1207.59 33.2573,-1207.5"/> </g> <!-- Node9 --> <g id="node9" class="node"><title>Node9</title> <g id="a_node9"><a xlink:href="classarm__compute_1_1_c_l_gaussian_pyramid.xhtml" target="_top" xlink:title="Common interface for all Gaussian pyramid functions. "> -<polygon fill="white" stroke="black" points="102,-2527.5 102,-2546.5 209,-2546.5 209,-2527.5 102,-2527.5"/> -<text text-anchor="middle" x="155.5" y="-2534.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramid</text> +<polygon fill="white" stroke="black" points="102,-2546.5 102,-2565.5 209,-2565.5 209,-2546.5 102,-2546.5"/> +<text text-anchor="middle" x="155.5" y="-2553.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramid</text> </a> </g> </g> <!-- Node1->Node9 --> <g id="edge8" class="edge"><title>Node1->Node9</title> -<path fill="none" stroke="midnightblue" d="M29.7758,-1169.93C32.1304,-1334.37 49.8281,-2462.23 93,-2518 96.0099,-2521.89 99.802,-2525 104.018,-2527.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.2734,-1169.73 29.6326,-1159.78 26.2741,-1169.83 33.2734,-1169.73"/> +<path fill="none" stroke="midnightblue" d="M29.7851,-1207.65C32.2152,-1369.81 50.4085,-2482.02 93,-2537 96.0112,-2540.89 99.8041,-2544 104.021,-2546.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.2847,-1207.59 29.6372,-1197.65 26.2854,-1207.7 33.2847,-1207.59"/> </g> <!-- Node12 --> <g id="node12" class="node"><title>Node12</title> <g id="a_node12"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m.xhtml" target="_top" xlink:title="Basic function to execute GEMM on OpenCL. "> -<polygon fill="white" stroke="black" points="125.5,-2489.5 125.5,-2508.5 185.5,-2508.5 185.5,-2489.5 125.5,-2489.5"/> -<text text-anchor="middle" x="155.5" y="-2496.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMM</text> +<polygon fill="white" stroke="black" points="125.5,-2508.5 125.5,-2527.5 185.5,-2527.5 185.5,-2508.5 125.5,-2508.5"/> +<text text-anchor="middle" x="155.5" y="-2515.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMM</text> </a> </g> </g> <!-- Node1->Node12 --> <g id="edge11" class="edge"><title>Node1->Node12</title> -<path fill="none" stroke="midnightblue" d="M29.8019,-1169.86C32.3373,-1331.44 51.0308,-2425.86 93,-2480 100.668,-2489.89 113.398,-2494.77 125.293,-2497.12"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.2962,-1169.46 29.6418,-1159.51 26.297,-1169.56 33.2962,-1169.46"/> +<path fill="none" stroke="midnightblue" d="M29.8195,-1208.07C32.4626,-1369.07 51.6532,-2445.7 93,-2499 100.672,-2508.89 113.402,-2513.76 125.296,-2516.12"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.3137,-1207.68 29.6521,-1197.73 26.3146,-1207.79 33.3137,-1207.68"/> </g> <!-- Node13 --> <g id="node13" class="node"><title>Node13</title> <g id="a_node13"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml" target="_top" xlink:title="Basic function to execute GEMMLowp on OpenCL. "> -<polygon fill="white" stroke="black" points="114,-2451.5 114,-2470.5 197,-2470.5 197,-2451.5 114,-2451.5"/> -<text text-anchor="middle" x="155.5" y="-2458.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMLowp</text> +<polygon fill="white" stroke="black" points="114,-2470.5 114,-2489.5 197,-2489.5 197,-2470.5 114,-2470.5"/> +<text text-anchor="middle" x="155.5" y="-2477.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMLowp</text> </a> </g> </g> <!-- Node1->Node13 --> <g id="edge12" class="edge"><title>Node1->Node13</title> -<path fill="none" stroke="midnightblue" d="M29.8293,-1169.78C32.5494,-1328.45 52.2323,-2389.49 93,-2442 98.2081,-2448.71 105.744,-2453.11 113.767,-2455.98"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.3257,-1169.53 29.6569,-1159.59 26.3267,-1169.65 33.3257,-1169.53"/> +<path fill="none" stroke="midnightblue" d="M29.8477,-1207.97C32.6777,-1365.98 52.8529,-2409.32 93,-2461 98.2105,-2467.71 105.748,-2472.11 113.771,-2474.98"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.3443,-1207.74 29.6678,-1197.81 26.3454,-1207.87 33.3443,-1207.74"/> </g> <!-- Node14 --> <g id="node14" class="node"><title>Node14</title> <g id="a_node14"><a xlink:href="classarm__compute_1_1_c_l_harris_corners.xhtml" target="_top" xlink:title="Basic function to execute harris corners detection. "> -<polygon fill="white" stroke="black" points="110.5,-2413.5 110.5,-2432.5 200.5,-2432.5 200.5,-2413.5 110.5,-2413.5"/> -<text text-anchor="middle" x="155.5" y="-2420.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHarrisCorners</text> +<polygon fill="white" stroke="black" points="110.5,-2432.5 110.5,-2451.5 200.5,-2451.5 200.5,-2432.5 110.5,-2432.5"/> +<text text-anchor="middle" x="155.5" y="-2439.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHarrisCorners</text> </a> </g> </g> <!-- Node1->Node14 --> <g id="edge13" class="edge"><title>Node1->Node14</title> -<path fill="none" stroke="midnightblue" d="M29.8577,-1169.68C32.7655,-1325.32 53.4314,-2353.11 93,-2404 97.4586,-2409.73 103.618,-2413.78 110.327,-2416.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.3569,-1169.59 29.6728,-1159.66 26.3581,-1169.72 33.3569,-1169.59"/> +<path fill="none" stroke="midnightblue" d="M29.8767,-1207.84C32.8956,-1362.69 54.0489,-2372.94 93,-2423 97.4608,-2428.73 103.621,-2432.78 110.33,-2435.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.3698,-1207.44 29.6777,-1197.51 26.3711,-1207.58 33.3698,-1207.44"/> </g> <!-- Node15 --> <g id="node15" class="node"><title>Node15</title> <g id="a_node15"><a xlink:href="classarm__compute_1_1_c_l_histogram.xhtml" target="_top" xlink:title="Basic function to execute histogram. "> -<polygon fill="white" stroke="black" points="118.5,-2375.5 118.5,-2394.5 192.5,-2394.5 192.5,-2375.5 118.5,-2375.5"/> -<text text-anchor="middle" x="155.5" y="-2382.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogram</text> +<polygon fill="white" stroke="black" points="118.5,-2394.5 118.5,-2413.5 192.5,-2413.5 192.5,-2394.5 118.5,-2394.5"/> +<text text-anchor="middle" x="155.5" y="-2401.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogram</text> </a> </g> </g> <!-- Node1->Node15 --> <g id="edge14" class="edge"><title>Node1->Node15</title> -<path fill="none" stroke="midnightblue" d="M29.8966,-1170.01C33.029,-1324.06 54.6664,-2316.78 93,-2366 99.1796,-2373.94 108.615,-2378.64 118.254,-2381.4"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.3899,-1169.64 29.6895,-1159.71 26.3913,-1169.78 33.3899,-1169.64"/> +<path fill="none" stroke="midnightblue" d="M29.9071,-1207.7C33.1188,-1359.34 55.2437,-2336.56 93,-2385 99.1829,-2392.93 108.62,-2397.64 118.258,-2400.4"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.4034,-1207.48 29.6946,-1197.56 26.4049,-1207.63 33.4034,-1207.48"/> </g> <!-- Node16 --> <g id="node16" class="node"><title>Node16</title> <g id="a_node16"><a xlink:href="classarm__compute_1_1_c_l_integral_image.xhtml" target="_top" xlink:title="Basic function to execute integral image. "> -<polygon fill="white" stroke="black" points="111,-2337.5 111,-2356.5 200,-2356.5 200,-2337.5 111,-2337.5"/> -<text text-anchor="middle" x="155.5" y="-2344.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImage</text> +<polygon fill="white" stroke="black" points="111,-2356.5 111,-2375.5 200,-2375.5 200,-2356.5 111,-2356.5"/> +<text text-anchor="middle" x="155.5" y="-2363.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImage</text> </a> </g> </g> <!-- Node1->Node16 --> <g id="edge15" class="edge"><title>Node1->Node16</title> -<path fill="none" stroke="midnightblue" d="M29.9278,-1169.85C33.2552,-1320.61 55.8593,-2280.39 93,-2328 97.6054,-2333.9 104.013,-2338.02 110.963,-2340.88"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.4247,-1169.67 29.707,-1159.75 26.4264,-1169.82 33.4247,-1169.67"/> +<path fill="none" stroke="midnightblue" d="M29.9488,-1207.98C33.3923,-1357.75 56.4726,-2300.22 93,-2347 97.608,-2352.9 104.016,-2357.02 110.967,-2359.87"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.439,-1207.51 29.7124,-1197.59 26.4409,-1207.67 33.439,-1207.51"/> </g> <!-- Node17 --> <g id="node17" class="node"><title>Node17</title> <g id="a_node17"><a xlink:href="classarm__compute_1_1_c_l_laplacian_pyramid.xhtml" target="_top" xlink:title="Basic function to execute laplacian pyramid. "> -<polygon fill="white" stroke="black" points="102,-2299.5 102,-2318.5 209,-2318.5 209,-2299.5 102,-2299.5"/> -<text text-anchor="middle" x="155.5" y="-2306.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLaplacianPyramid</text> +<polygon fill="white" stroke="black" points="102,-2318.5 102,-2337.5 209,-2337.5 209,-2318.5 102,-2318.5"/> +<text text-anchor="middle" x="155.5" y="-2325.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLaplacianPyramid</text> </a> </g> </g> <!-- Node1->Node17 --> <g id="edge16" class="edge"><title>Node1->Node17</title> -<path fill="none" stroke="midnightblue" d="M29.9707,-1170.11C33.5327,-1318.88 57.0858,-2244.05 93,-2290 96.0279,-2293.87 99.8317,-2296.98 104.055,-2299.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.4616,-1169.68 29.7255,-1159.76 26.4635,-1169.85 33.4616,-1169.68"/> +<path fill="none" stroke="midnightblue" d="M29.2812,-1208.2C27.8977,-1352.14 22.5395,-2218.93 93,-2309 96.0297,-2312.87 99.8347,-2315.98 104.059,-2318.46"/> +<polygon fill="midnightblue" stroke="midnightblue" points="32.7849,-1207.85 29.3867,-1197.81 25.7852,-1207.78 32.7849,-1207.85"/> </g> <!-- Node18 --> <g id="node18" class="node"><title>Node18</title> <g id="a_node18"><a xlink:href="classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml" target="_top" xlink:title="Basic function to execute laplacian reconstruction. "> -<polygon fill="white" stroke="black" points="93.5,-2261.5 93.5,-2280.5 217.5,-2280.5 217.5,-2261.5 93.5,-2261.5"/> -<text text-anchor="middle" x="155.5" y="-2268.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLaplacianReconstruct</text> +<polygon fill="white" stroke="black" points="93.5,-2280.5 93.5,-2299.5 217.5,-2299.5 217.5,-2280.5 93.5,-2280.5"/> +<text text-anchor="middle" x="155.5" y="-2287.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLaplacianReconstruct</text> </a> </g> </g> <!-- Node1->Node18 --> <g id="edge17" class="edge"><title>Node1->Node18</title> -<path fill="none" stroke="midnightblue" d="M29.3051,-1169.86C28.089,-1311.36 23.6868,-2163.49 93,-2252 96.0316,-2255.87 99.8379,-2258.97 104.063,-2261.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="32.8068,-1169.68 29.3984,-1159.65 25.8071,-1169.61 32.8068,-1169.68"/> +<path fill="none" stroke="midnightblue" d="M29.3258,-1207.96C28.2733,-1348.32 24.9047,-2184.14 93,-2271 96.0335,-2274.87 99.8411,-2277.97 104.067,-2280.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="32.8268,-1207.83 29.4074,-1197.8 25.827,-1207.77 32.8268,-1207.83"/> </g> <!-- Node19 --> <g id="node19" class="node"><title>Node19</title> <g id="a_node19"><a xlink:href="classarm__compute_1_1_c_l_mean_std_dev.xhtml" target="_top" xlink:title="Basic function to execute mean and standard deviation by calling CLMeanStdDevKernel. "> -<polygon fill="white" stroke="black" points="112.5,-2223.5 112.5,-2242.5 198.5,-2242.5 198.5,-2223.5 112.5,-2223.5"/> -<text text-anchor="middle" x="155.5" y="-2230.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMeanStdDev</text> +<polygon fill="white" stroke="black" points="112.5,-2242.5 112.5,-2261.5 198.5,-2261.5 198.5,-2242.5 112.5,-2242.5"/> +<text text-anchor="middle" x="155.5" y="-2249.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMeanStdDev</text> </a> </g> </g> <!-- Node1->Node19 --> <g id="edge18" class="edge"><title>Node1->Node19</title> -<path fill="none" stroke="midnightblue" d="M29.3476,-1170.02C28.4618,-1309.16 26.1179,-2128.77 93,-2214 97.8983,-2220.24 104.81,-2224.48 112.242,-2227.35"/> -<polygon fill="midnightblue" stroke="midnightblue" points="32.8501,-1169.65 29.4195,-1159.63 25.8503,-1169.6 32.8501,-1169.65"/> +<path fill="none" stroke="midnightblue" d="M29.3703,-1208.09C28.6542,-1345.99 27.3309,-2149.41 93,-2233 97.9017,-2239.24 104.815,-2243.48 112.247,-2246.35"/> +<polygon fill="midnightblue" stroke="midnightblue" points="32.872,-1207.79 29.4297,-1197.77 25.8721,-1207.75 32.872,-1207.79"/> </g> <!-- Node20 --> <g id="node20" class="node"><title>Node20</title> <g id="a_node20"><a xlink:href="classarm__compute_1_1_c_l_min_max_location.xhtml" target="_top" xlink:title="Basic function to execute min and max location. "> -<polygon fill="white" stroke="black" points="105,-2185.5 105,-2204.5 206,-2204.5 206,-2185.5 105,-2185.5"/> -<text text-anchor="middle" x="155.5" y="-2192.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxLocation</text> +<polygon fill="white" stroke="black" points="105,-2204.5 105,-2223.5 206,-2223.5 206,-2204.5 105,-2204.5"/> +<text text-anchor="middle" x="155.5" y="-2211.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxLocation</text> </a> </g> </g> <!-- Node1->Node20 --> <g id="edge19" class="edge"><title>Node1->Node20</title> -<path fill="none" stroke="midnightblue" d="M29.3958,-1169.73C28.8513,-1305.12 28.4745,-2093.96 93,-2176 96.2471,-2180.13 100.375,-2183.38 104.95,-2185.94"/> -<polygon fill="midnightblue" stroke="midnightblue" points="32.8963,-1169.61 29.4422,-1159.59 25.8964,-1169.57 32.8963,-1169.61"/> +<path fill="none" stroke="midnightblue" d="M29.4201,-1207.78C29.0497,-1341.86 29.6838,-2114.6 93,-2195 96.2495,-2199.13 100.379,-2202.38 104.955,-2204.94"/> +<polygon fill="midnightblue" stroke="midnightblue" points="32.9202,-1207.73 29.4535,-1197.72 25.9202,-1207.71 32.9202,-1207.73"/> </g> <!-- Node21 --> <g id="node21" class="node"><title>Node21</title> <g id="a_node21"><a xlink:href="classarm__compute_1_1_c_l_normalization_layer.xhtml" target="_top" xlink:title="Basic function to simulate a normalization layer. "> -<polygon fill="white" stroke="black" points="99,-2147.5 99,-2166.5 212,-2166.5 212,-2147.5 99,-2147.5"/> -<text text-anchor="middle" x="155.5" y="-2154.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNormalizationLayer</text> +<polygon fill="white" stroke="black" points="99,-2166.5 99,-2185.5 212,-2185.5 212,-2166.5 99,-2166.5"/> +<text text-anchor="middle" x="155.5" y="-2173.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNormalizationLayer</text> </a> </g> </g> <!-- Node1->Node21 --> <g id="edge20" class="edge"><title>Node1->Node21</title> -<path fill="none" stroke="midnightblue" d="M29.4456,-1169.81C29.252,-1302.49 30.8885,-2059.22 93,-2138 96.0444,-2141.86 99.8591,-2144.96 104.089,-2147.43"/> -<polygon fill="midnightblue" stroke="midnightblue" points="32.946,-1169.54 29.4665,-1159.53 25.946,-1169.53 32.946,-1169.54"/> +<path fill="none" stroke="midnightblue" d="M29.4721,-1207.83C29.4584,-1339.1 32.0929,-2079.85 93,-2157 96.0468,-2160.86 99.8631,-2163.95 104.094,-2166.43"/> +<polygon fill="midnightblue" stroke="midnightblue" points="32.9721,-1207.65 29.479,-1197.65 25.9721,-1207.65 32.9721,-1207.65"/> </g> <!-- Node22 --> <g id="node22" class="node"><title>Node22</title> <g id="a_node22"><a xlink:href="classarm__compute_1_1_c_l_optical_flow.xhtml" target="_top" xlink:title="Basic function to execute optical flow. "> -<polygon fill="white" stroke="black" points="115,-2109.5 115,-2128.5 196,-2128.5 196,-2109.5 115,-2109.5"/> -<text text-anchor="middle" x="155.5" y="-2116.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLOpticalFlow</text> +<polygon fill="white" stroke="black" points="115,-2128.5 115,-2147.5 196,-2147.5 196,-2128.5 115,-2128.5"/> +<text text-anchor="middle" x="155.5" y="-2135.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLOpticalFlow</text> </a> </g> </g> <!-- Node1->Node22 --> <g id="edge21" class="edge"><title>Node1->Node22</title> -<path fill="none" stroke="midnightblue" d="M29.4997,-1169.85C29.6689,-1299.66 33.2948,-2024.48 93,-2100 98.475,-2106.93 106.427,-2111.39 114.807,-2114.24"/> -<polygon fill="midnightblue" stroke="midnightblue" points="32.9997,-1169.75 29.4923,-1159.76 25.9997,-1169.76 32.9997,-1169.75"/> +<path fill="none" stroke="midnightblue" d="M29.5284,-1207.84C29.8829,-1336.1 34.4923,-2045.09 93,-2119 98.4797,-2125.92 106.434,-2130.38 114.814,-2133.24"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.0279,-1207.55 29.5061,-1197.56 26.0279,-1207.57 33.0279,-1207.55"/> </g> <!-- Node23 --> <g id="node23" class="node"><title>Node23</title> <g id="a_node23"><a xlink:href="classarm__compute_1_1_c_l_sobel5x5.xhtml" target="_top" xlink:title="Basic function to execute sobel 5x5 filter. "> -<polygon fill="white" stroke="black" points="120.5,-2071.5 120.5,-2090.5 190.5,-2090.5 190.5,-2071.5 120.5,-2071.5"/> -<text text-anchor="middle" x="155.5" y="-2078.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5</text> +<polygon fill="white" stroke="black" points="120.5,-2090.5 120.5,-2109.5 190.5,-2109.5 190.5,-2090.5 120.5,-2090.5"/> +<text text-anchor="middle" x="155.5" y="-2097.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5</text> </a> </g> </g> <!-- Node1->Node23 --> <g id="edge22" class="edge"><title>Node1->Node23</title> -<path fill="none" stroke="midnightblue" d="M29.5582,-1169.83C30.1012,-1296.53 35.6893,-1989.71 93,-2062 99.6648,-2070.41 109.979,-2075.18 120.269,-2077.86"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.0577,-1169.64 29.5207,-1159.66 26.0577,-1169.67 33.0577,-1169.64"/> +<path fill="none" stroke="midnightblue" d="M29.5892,-1207.81C30.3235,-1332.9 36.8838,-2010.32 93,-2081 99.671,-2089.4 109.987,-2094.17 120.277,-2096.86"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.089,-1207.72 29.5362,-1197.74 26.0891,-1207.76 33.089,-1207.72"/> </g> <!-- Node24 --> <g id="node24" class="node"><title>Node24</title> <g id="a_node24"><a xlink:href="classarm__compute_1_1_c_l_sobel7x7.xhtml" target="_top" xlink:title="Basic function to execute sobel 7x7 filter. "> -<polygon fill="white" stroke="black" points="120.5,-2033.5 120.5,-2052.5 190.5,-2052.5 190.5,-2033.5 120.5,-2033.5"/> -<text text-anchor="middle" x="155.5" y="-2040.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7</text> +<polygon fill="white" stroke="black" points="120.5,-2052.5 120.5,-2071.5 190.5,-2071.5 190.5,-2052.5 120.5,-2052.5"/> +<text text-anchor="middle" x="155.5" y="-2059.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7</text> </a> </g> </g> <!-- Node1->Node24 --> <g id="edge23" class="edge"><title>Node1->Node24</title> -<path fill="none" stroke="midnightblue" d="M29.6213,-1169.76C30.5492,-1293.15 38.0739,-1954.93 93,-2024 99.6774,-2032.4 109.995,-2037.17 120.284,-2039.85"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1198,-1169.51 29.5508,-1159.54 26.12,-1169.56 33.1198,-1169.51"/> +<path fill="none" stroke="midnightblue" d="M29.6547,-1207.71C30.7793,-1329.4 39.2635,-1975.54 93,-2043 99.6842,-2051.39 110.004,-2056.16 120.292,-2058.85"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.1538,-1207.58 29.5676,-1197.61 26.154,-1207.64 33.1538,-1207.58"/> </g> <!-- Node25 --> <g id="node25" class="node"><title>Node25</title> <g id="a_node25"><a xlink:href="classarm__compute_1_1_c_l_softmax_layer.xhtml" target="_top" xlink:title="Basic function to compute a SoftmaxLayer. "> -<polygon fill="white" stroke="black" points="110.5,-1995.5 110.5,-2014.5 200.5,-2014.5 200.5,-1995.5 110.5,-1995.5"/> -<text text-anchor="middle" x="155.5" y="-2002.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSoftmaxLayer</text> +<polygon fill="white" stroke="black" points="110.5,-2014.5 110.5,-2033.5 200.5,-2033.5 200.5,-2014.5 110.5,-2014.5"/> +<text text-anchor="middle" x="155.5" y="-2021.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSoftmaxLayer</text> </a> </g> </g> <!-- Node1->Node25 --> <g id="edge24" class="edge"><title>Node1->Node25</title> -<path fill="none" stroke="midnightblue" d="M29.6933,-1170.01C31.0323,-1290.86 40.5037,-1920.21 93,-1986 97.5305,-1991.68 103.725,-1995.7 110.447,-1998.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="33.1896,-1169.63 29.5853,-1159.67 26.19,-1169.71 33.1896,-1169.63"/> +<path fill="none" stroke="midnightblue" d="M29.7296,-1207.93C31.2721,-1326.95 41.6871,-1940.81 93,-2005 97.5355,-2010.67 103.733,-2014.69 110.455,-2017.53"/> +<polygon fill="midnightblue" stroke="midnightblue" points="33.2269,-1207.68 29.6039,-1197.73 26.2275,-1207.77 33.2269,-1207.68"/> </g> <!-- Node26 --> <g id="node26" class="node"><title>Node26</title> <g id="a_node26"><a xlink:href="classarm__compute_1_1_i_c_l_simple_function.xhtml" target="_top" xlink:title="Basic interface for functions which have a single OpenCL kernel. "> -<polygon fill="white" stroke="black" points="105.5,-1957.5 105.5,-1976.5 205.5,-1976.5 205.5,-1957.5 105.5,-1957.5"/> -<text text-anchor="middle" x="155.5" y="-1964.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimpleFunction</text> +<polygon fill="white" stroke="black" points="105.5,-1976.5 105.5,-1995.5 205.5,-1995.5 205.5,-1976.5 105.5,-1976.5"/> +<text text-anchor="middle" x="155.5" y="-1983.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimpleFunction</text> </a> </g> </g> <!-- Node1->Node26 --> <g id="edge25" class="edge"><title>Node1->Node26</title> -<path fill="none" stroke="midnightblue" d="M32.5133,-1169.7C50.2222,-1285.44 140.408,-1874.89 153.032,-1957.4"/> -<polygon fill="midnightblue" stroke="midnightblue" points="35.9631,-1169.1 30.9909,-1159.74 29.0436,-1170.16 35.9631,-1169.1"/> +<path fill="none" stroke="midnightblue" d="M32.5653,-1207.57C50.3784,-1321.29 140.225,-1894.87 152.99,-1976.36"/> +<polygon fill="midnightblue" stroke="midnightblue" points="35.9964,-1206.86 30.9909,-1197.52 29.0807,-1207.94 35.9964,-1206.86"/> </g> -<!-- Node66 --> -<g id="node66" class="node"><title>Node66</title> -<g id="a_node66"><a xlink:href="classarm__compute_1_1_i_n_e_simple_function.xhtml" target="_top" xlink:title="Basic interface for functions which have a single NEON kernel. "> +<!-- Node67 --> +<g id="node67" class="node"><title>Node67</title> +<g id="a_node67"><a xlink:href="classarm__compute_1_1_i_n_e_simple_function.xhtml" target="_top" xlink:title="Basic interface for functions which have a single NEON kernel. "> <polygon fill="white" stroke="black" points="105,-1235.5 105,-1254.5 206,-1254.5 206,-1235.5 105,-1235.5"/> <text text-anchor="middle" x="155.5" y="-1242.5" font-family="Helvetica,sans-Serif" font-size="10.00">INESimpleFunction</text> </a> </g> </g> -<!-- Node1->Node66 --> -<g id="edge65" class="edge"><title>Node1->Node66</title> -<path fill="none" stroke="midnightblue" d="M40.3959,-1168.34C51.5487,-1185.6 70.4156,-1210.97 93,-1226 98.7679,-1229.84 105.349,-1232.93 112.012,-1235.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="43.276,-1166.34 35.0189,-1159.7 37.3338,-1170.04 43.276,-1166.34"/> -</g> -<!-- Node108 --> -<g id="node108" class="node"><title>Node108</title> -<g id="a_node108"><a xlink:href="classarm__compute_1_1_n_e_canny_edge.xhtml" target="_top" xlink:title="Basic function to execute canny edge on NEON. "> -<polygon fill="white" stroke="black" points="114.5,-1197.5 114.5,-1216.5 196.5,-1216.5 196.5,-1197.5 114.5,-1197.5"/> -<text text-anchor="middle" x="155.5" y="-1204.5" font-family="Helvetica,sans-Serif" font-size="10.00">NECannyEdge</text> -</a> -</g> -</g> -<!-- Node1->Node108 --> -<g id="edge107" class="edge"><title>Node1->Node108</title> -<path fill="none" stroke="midnightblue" d="M51.9703,-1165.25C63.8086,-1172.82 78.7874,-1181.66 93,-1188 101.063,-1191.6 110.006,-1194.78 118.519,-1197.47"/> -<polygon fill="midnightblue" stroke="midnightblue" points="53.8807,-1162.32 43.5944,-1159.78 50.0529,-1168.18 53.8807,-1162.32"/> +<!-- Node1->Node67 --> +<g id="edge66" class="edge"><title>Node1->Node67</title> +<path fill="none" stroke="midnightblue" d="M51.9703,-1203.25C63.8086,-1210.82 78.7874,-1219.66 93,-1226 101.063,-1229.6 110.006,-1232.78 118.519,-1235.47"/> +<polygon fill="midnightblue" stroke="midnightblue" points="53.8807,-1200.32 43.5944,-1197.78 50.0529,-1206.18 53.8807,-1200.32"/> </g> <!-- Node109 --> <g id="node109" class="node"><title>Node109</title> -<g id="a_node109"><a xlink:href="classarm__compute_1_1_n_e_convolution5x5.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 5x5. "> -<polygon fill="white" stroke="black" points="106.5,-1159.5 106.5,-1178.5 204.5,-1178.5 204.5,-1159.5 106.5,-1159.5"/> -<text text-anchor="middle" x="155.5" y="-1166.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution5x5</text> +<g id="a_node109"><a xlink:href="classarm__compute_1_1_n_e_canny_edge.xhtml" target="_top" xlink:title="Basic function to execute canny edge on NEON. "> +<polygon fill="white" stroke="black" points="114.5,-1197.5 114.5,-1216.5 196.5,-1216.5 196.5,-1197.5 114.5,-1197.5"/> +<text text-anchor="middle" x="155.5" y="-1204.5" font-family="Helvetica,sans-Serif" font-size="10.00">NECannyEdge</text> </a> </g> </g> <!-- Node1->Node109 --> <g id="edge108" class="edge"><title>Node1->Node109</title> -<path fill="none" stroke="midnightblue" d="M67.1465,-1155.72C79.4288,-1157.59 93.2408,-1159.69 106.194,-1161.66"/> -<polygon fill="midnightblue" stroke="midnightblue" points="67.654,-1152.26 57.2416,-1154.22 66.602,-1159.18 67.654,-1152.26"/> +<path fill="none" stroke="midnightblue" d="M67.5154,-1193.78C82.2266,-1196.01 99.0874,-1198.58 114.024,-1200.85"/> +<polygon fill="midnightblue" stroke="midnightblue" points="67.654,-1190.26 57.2416,-1192.22 66.602,-1197.18 67.654,-1190.26"/> </g> <!-- Node110 --> <g id="node110" class="node"><title>Node110</title> -<g id="a_node110"><a xlink:href="classarm__compute_1_1_n_e_convolution7x7.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 7x7. "> -<polygon fill="white" stroke="black" points="106.5,-1121.5 106.5,-1140.5 204.5,-1140.5 204.5,-1121.5 106.5,-1121.5"/> -<text text-anchor="middle" x="155.5" y="-1128.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution7x7</text> +<g id="a_node110"><a xlink:href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_top" xlink:title="Basic function to simulate a convolution layer. "> +<polygon fill="white" stroke="black" points="102,-1159.5 102,-1178.5 209,-1178.5 209,-1159.5 102,-1159.5"/> +<text text-anchor="middle" x="155.5" y="-1166.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionLayer</text> </a> </g> </g> <!-- Node1->Node110 --> <g id="edge109" class="edge"><title>Node1->Node110</title> -<path fill="none" stroke="midnightblue" d="M67.1465,-1144.28C79.4288,-1142.41 93.2408,-1140.31 106.194,-1138.34"/> -<polygon fill="midnightblue" stroke="midnightblue" points="66.602,-1140.82 57.2416,-1145.78 67.654,-1147.74 66.602,-1140.82"/> +<path fill="none" stroke="midnightblue" d="M67.281,-1182.26C78.1921,-1180.6 90.3013,-1178.76 101.939,-1176.99"/> +<polygon fill="midnightblue" stroke="midnightblue" points="66.602,-1178.82 57.2416,-1183.78 67.654,-1185.74 66.602,-1178.82"/> </g> <!-- Node111 --> <g id="node111" class="node"><title>Node111</title> -<g id="a_node111"><a xlink:href="classarm__compute_1_1_n_e_convolution9x9.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 9x9. "> -<polygon fill="white" stroke="black" points="106.5,-1083.5 106.5,-1102.5 204.5,-1102.5 204.5,-1083.5 106.5,-1083.5"/> -<text text-anchor="middle" x="155.5" y="-1090.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution9x9</text> +<g id="a_node111"><a xlink:href="classarm__compute_1_1_n_e_convolution_square.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 5x5, 7x7, 9x9. "> +<polygon fill="white" stroke="black" points="99,-1110 99,-1140 212,-1140 212,-1110 99,-1110"/> +<text text-anchor="start" x="107" y="-1128" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionSquare</text> +<text text-anchor="middle" x="155.5" y="-1117" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> </a> </g> </g> <!-- Node1->Node111 --> <g id="edge110" class="edge"><title>Node1->Node111</title> -<path fill="none" stroke="midnightblue" d="M51.9703,-1134.75C63.8086,-1127.18 78.7874,-1118.34 93,-1112 101.063,-1108.4 110.006,-1105.22 118.519,-1102.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="50.0529,-1131.82 43.5944,-1140.22 53.8807,-1137.68 50.0529,-1131.82"/> +<path fill="none" stroke="midnightblue" d="M52.7945,-1172.89C64.5993,-1165.54 79.3018,-1156.83 93,-1150 99.9102,-1146.55 107.416,-1143.2 114.732,-1140.12"/> +<polygon fill="midnightblue" stroke="midnightblue" points="50.6048,-1170.13 44.0231,-1178.44 54.3458,-1176.05 50.6048,-1170.13"/> </g> <!-- Node112 --> <g id="node112" class="node"><title>Node112</title> -<g id="a_node112"><a xlink:href="classarm__compute_1_1_n_e_convolution_layer.xhtml" target="_top" xlink:title="Basic function to simulate a convolution layer. "> -<polygon fill="white" stroke="black" points="102,-1045.5 102,-1064.5 209,-1064.5 209,-1045.5 102,-1045.5"/> -<text text-anchor="middle" x="155.5" y="-1052.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionLayer</text> +<g id="a_node112"><a xlink:href="classarm__compute_1_1_n_e_derivative.xhtml" target="_top" xlink:title="Basic function to execute first order derivative operator. "> +<polygon fill="white" stroke="black" points="118,-1071.5 118,-1090.5 193,-1090.5 193,-1071.5 118,-1071.5"/> +<text text-anchor="middle" x="155.5" y="-1078.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDerivative</text> </a> </g> </g> <!-- Node1->Node112 --> <g id="edge111" class="edge"><title>Node1->Node112</title> -<path fill="none" stroke="midnightblue" d="M40.3959,-1131.66C51.5487,-1114.4 70.4156,-1089.03 93,-1074 98.7679,-1070.16 105.349,-1067.07 112.012,-1064.58"/> -<polygon fill="midnightblue" stroke="midnightblue" points="37.3338,-1129.96 35.0189,-1140.3 43.276,-1133.66 37.3338,-1129.96"/> +<path fill="none" stroke="midnightblue" d="M38.2747,-1169.46C48.644,-1149.49 67.7322,-1118.14 93,-1100 100.353,-1094.72 109.21,-1090.88 117.883,-1088.1"/> +<polygon fill="midnightblue" stroke="midnightblue" points="35.1026,-1167.98 33.7778,-1178.49 41.3686,-1171.1 35.1026,-1167.98"/> </g> <!-- Node113 --> <g id="node113" class="node"><title>Node113</title> -<g id="a_node113"><a xlink:href="classarm__compute_1_1_n_e_derivative.xhtml" target="_top" xlink:title="Basic function to execute first order derivative operator. "> -<polygon fill="white" stroke="black" points="118,-1007.5 118,-1026.5 193,-1026.5 193,-1007.5 118,-1007.5"/> -<text text-anchor="middle" x="155.5" y="-1014.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDerivative</text> +<g id="a_node113"><a xlink:href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_top" xlink:title="Basic function to execute histogram equalization. "> +<polygon fill="white" stroke="black" points="99,-1033.5 99,-1052.5 212,-1052.5 212,-1033.5 99,-1033.5"/> +<text text-anchor="middle" x="155.5" y="-1040.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEqualizeHistogram</text> </a> </g> </g> <!-- Node1->Node113 --> <g id="edge112" class="edge"><title>Node1->Node113</title> -<path fill="none" stroke="midnightblue" d="M35.1708,-1130.86C43.6525,-1105.51 62.046,-1061.09 93,-1036 100.119,-1030.23 108.987,-1026.21 117.754,-1023.4"/> -<polygon fill="midnightblue" stroke="midnightblue" points="31.818,-1129.86 32.135,-1140.45 38.4913,-1131.97 31.818,-1129.86"/> +<path fill="none" stroke="midnightblue" d="M34.1634,-1168.44C41.7691,-1140.75 59.4751,-1090.34 93,-1062 97.6084,-1058.1 103.009,-1055.01 108.663,-1052.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="30.7645,-1167.61 31.6552,-1178.16 37.5425,-1169.35 30.7645,-1167.61"/> </g> <!-- Node114 --> <g id="node114" class="node"><title>Node114</title> -<g id="a_node114"><a xlink:href="classarm__compute_1_1_n_e_equalize_histogram.xhtml" target="_top" xlink:title="Basic function to execute histogram equalization. "> -<polygon fill="white" stroke="black" points="99,-969.5 99,-988.5 212,-988.5 212,-969.5 99,-969.5"/> -<text text-anchor="middle" x="155.5" y="-976.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEqualizeHistogram</text> +<g id="a_node114"><a xlink:href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_top" xlink:title="Basic function to execute fast corners. "> +<polygon fill="white" stroke="black" points="113,-995.5 113,-1014.5 198,-1014.5 198,-995.5 113,-995.5"/> +<text text-anchor="middle" x="155.5" y="-1002.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFastCorners</text> </a> </g> </g> <!-- Node1->Node114 --> <g id="edge113" class="edge"><title>Node1->Node114</title> -<path fill="none" stroke="midnightblue" d="M32.3088,-1130.18C37.9339,-1097.84 53.6097,-1033.78 93,-998 97.3016,-994.093 102.393,-990.989 107.776,-988.524"/> -<polygon fill="midnightblue" stroke="midnightblue" points="28.8301,-1129.77 30.7158,-1140.19 35.7432,-1130.86 28.8301,-1129.77"/> +<path fill="none" stroke="midnightblue" d="M31.6243,-1168.09C36.3488,-1133.74 50.8708,-1063.29 93,-1024 98.5575,-1018.82 105.502,-1015.05 112.704,-1012.31"/> +<polygon fill="midnightblue" stroke="midnightblue" points="28.1211,-1167.9 30.3719,-1178.25 35.0685,-1168.76 28.1211,-1167.9"/> </g> <!-- Node115 --> <g id="node115" class="node"><title>Node115</title> -<g id="a_node115"><a xlink:href="classarm__compute_1_1_n_e_fast_corners.xhtml" target="_top" xlink:title="Basic function to execute fast corners. "> -<polygon fill="white" stroke="black" points="113,-931.5 113,-950.5 198,-950.5 198,-931.5 113,-931.5"/> -<text text-anchor="middle" x="155.5" y="-938.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFastCorners</text> +<g id="a_node115"><a xlink:href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_top" xlink:title="Basic function to run NEFillBorderKernel. "> +<polygon fill="white" stroke="black" points="119.5,-957.5 119.5,-976.5 191.5,-976.5 191.5,-957.5 119.5,-957.5"/> +<text text-anchor="middle" x="155.5" y="-964.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillBorder</text> </a> </g> </g> <!-- Node1->Node115 --> <g id="edge114" class="edge"><title>Node1->Node115</title> -<path fill="none" stroke="midnightblue" d="M30.4211,-1129.69C33.2772,-1091.11 44.9877,-1006.93 93,-960 98.5144,-954.61 105.524,-950.746 112.822,-947.976"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.9013,-1129.91 29.7886,-1140.1 33.8884,-1130.33 26.9013,-1129.91"/> +<path fill="none" stroke="midnightblue" d="M29.9096,-1168.35C31.8258,-1128.33 41.8988,-1036.85 93,-986 100.129,-978.906 109.847,-974.451 119.452,-971.658"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.4097,-1168.29 29.5535,-1178.41 33.4053,-1168.54 26.4097,-1168.29"/> </g> <!-- Node116 --> <g id="node116" class="node"><title>Node116</title> -<g id="a_node116"><a xlink:href="classarm__compute_1_1_n_e_fill_border.xhtml" target="_top" xlink:title="Basic function to run NEFillBorderKernel. "> -<polygon fill="white" stroke="black" points="119.5,-893.5 119.5,-912.5 191.5,-912.5 191.5,-893.5 119.5,-893.5"/> -<text text-anchor="middle" x="155.5" y="-900.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillBorder</text> +<g id="a_node116"><a xlink:href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_top" xlink:title="Basic function to compute a Fully Connected layer on NEON. "> +<polygon fill="white" stroke="black" points="94,-919.5 94,-938.5 217,-938.5 217,-919.5 94,-919.5"/> +<text text-anchor="middle" x="155.5" y="-926.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFullyConnectedLayer</text> </a> </g> </g> <!-- Node1->Node116 --> <g id="edge115" class="edge"><title>Node1->Node116</title> -<path fill="none" stroke="midnightblue" d="M29.0638,-1129.97C29.2314,-1086.09 35.9392,-980.682 93,-922 100.011,-914.789 109.694,-910.3 119.303,-907.511"/> -<polygon fill="midnightblue" stroke="midnightblue" points="25.5655,-1130.22 29.1443,-1140.19 32.5653,-1130.16 25.5655,-1130.22"/> +<path fill="none" stroke="midnightblue" d="M28.7263,-1168.16C28.0788,-1122.77 33.0195,-1010.49 93,-948 96.7144,-944.13 101.198,-941.044 106.032,-938.582"/> +<polygon fill="midnightblue" stroke="midnightblue" points="25.2281,-1168.28 28.9813,-1178.19 32.2259,-1168.1 25.2281,-1168.28"/> </g> <!-- Node117 --> <g id="node117" class="node"><title>Node117</title> -<g id="a_node117"><a xlink:href="classarm__compute_1_1_n_e_fully_connected_layer.xhtml" target="_top" xlink:title="Basic function to compute a Fully Connected layer on NEON. "> -<polygon fill="white" stroke="black" points="94,-855.5 94,-874.5 217,-874.5 217,-855.5 94,-855.5"/> -<text text-anchor="middle" x="155.5" y="-862.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFullyConnectedLayer</text> +<g id="a_node117"><a xlink:href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 5x5. "> +<polygon fill="white" stroke="black" points="111.5,-881.5 111.5,-900.5 199.5,-900.5 199.5,-881.5 111.5,-881.5"/> +<text text-anchor="middle" x="155.5" y="-888.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5</text> </a> </g> </g> <!-- Node1->Node117 --> <g id="edge116" class="edge"><title>Node1->Node117</title> -<path fill="none" stroke="midnightblue" d="M31.6937,-1130.16C38.1965,-1074.77 59.0609,-920.231 93,-884 96.5907,-880.167 100.936,-877.101 105.637,-874.649"/> -<polygon fill="midnightblue" stroke="midnightblue" points="28.1822,-1130.06 30.5245,-1140.39 35.137,-1130.85 28.1822,-1130.06"/> +<path fill="none" stroke="midnightblue" d="M31.4871,-1168.01C37.5598,-1110.81 57.6432,-948.116 93,-910 98.0159,-904.593 104.533,-900.711 111.444,-897.927"/> +<polygon fill="midnightblue" stroke="midnightblue" points="27.9749,-1167.95 30.4311,-1178.26 34.938,-1168.67 27.9749,-1167.95"/> </g> <!-- Node118 --> <g id="node118" class="node"><title>Node118</title> -<g id="a_node118"><a xlink:href="classarm__compute_1_1_n_e_gaussian5x5.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 5x5. "> -<polygon fill="white" stroke="black" points="111.5,-817.5 111.5,-836.5 199.5,-836.5 199.5,-817.5 111.5,-817.5"/> -<text text-anchor="middle" x="155.5" y="-824.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5</text> +<g id="a_node118"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_top" xlink:title="Common interface for all Gaussian pyramid functions. "> +<polygon fill="white" stroke="black" points="101.5,-843.5 101.5,-862.5 209.5,-862.5 209.5,-843.5 101.5,-843.5"/> +<text text-anchor="middle" x="155.5" y="-850.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramid</text> </a> </g> </g> <!-- Node1->Node118 --> <g id="edge117" class="edge"><title>Node1->Node118</title> -<path fill="none" stroke="midnightblue" d="M31.05,-1130.16C36.1719,-1069.55 54.4675,-888.324 93,-846 97.9652,-840.546 104.458,-836.642 111.361,-833.85"/> -<polygon fill="midnightblue" stroke="midnightblue" points="27.5469,-1130.06 30.2219,-1140.31 34.5237,-1130.63 27.5469,-1130.06"/> +<path fill="none" stroke="midnightblue" d="M30.8761,-1168.19C35.5818,-1106.02 53.0053,-916.268 93,-872 96.5211,-868.103 100.822,-864.996 105.498,-862.521"/> +<polygon fill="midnightblue" stroke="midnightblue" points="27.3791,-1168.02 30.1429,-1178.25 34.3606,-1168.53 27.3791,-1168.02"/> </g> -<!-- Node119 --> -<g id="node119" class="node"><title>Node119</title> -<g id="a_node119"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid.xhtml" target="_top" xlink:title="Common interface for all Gaussian pyramid functions. "> -<polygon fill="white" stroke="black" points="101.5,-779.5 101.5,-798.5 209.5,-798.5 209.5,-779.5 101.5,-779.5"/> -<text text-anchor="middle" x="155.5" y="-786.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramid</text> +<!-- Node121 --> +<g id="node121" class="node"><title>Node121</title> +<g id="a_node121"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_top" xlink:title="Basic function to execute GEMM on NEON. "> +<polygon fill="white" stroke="black" points="124.5,-805.5 124.5,-824.5 186.5,-824.5 186.5,-805.5 124.5,-805.5"/> +<text text-anchor="middle" x="155.5" y="-812.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMM</text> </a> </g> </g> -<!-- Node1->Node119 --> -<g id="edge118" class="edge"><title>Node1->Node119</title> -<path fill="none" stroke="midnightblue" d="M30.5385,-1130.3C34.3724,-1064.92 49.8177,-856.509 93,-808 96.418,-804.16 100.593,-801.087 105.143,-798.629"/> -<polygon fill="midnightblue" stroke="midnightblue" points="27.034,-1130.29 29.97,-1140.47 34.023,-1130.68 27.034,-1130.29"/> +<!-- Node1->Node121 --> +<g id="edge120" class="edge"><title>Node1->Node121</title> +<path fill="none" stroke="midnightblue" d="M30.3935,-1168.48C33.8292,-1101.81 48.3152,-884.506 93,-834 100.923,-825.045 112.967,-820.256 124.303,-817.716"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.8973,-1168.31 29.9044,-1178.47 33.889,-1168.66 26.8973,-1168.31"/> </g> <!-- Node122 --> <g id="node122" class="node"><title>Node122</title> -<g id="a_node122"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m.xhtml" target="_top" xlink:title="Basic function to execute GEMM on NEON. "> -<polygon fill="white" stroke="black" points="124.5,-741.5 124.5,-760.5 186.5,-760.5 186.5,-741.5 124.5,-741.5"/> -<text text-anchor="middle" x="155.5" y="-748.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMM</text> +<g id="a_node122"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_top" xlink:title="Basic function to execute GEMMLowp on NEON. "> +<polygon fill="white" stroke="black" points="113,-767.5 113,-786.5 198,-786.5 198,-767.5 113,-767.5"/> +<text text-anchor="middle" x="155.5" y="-774.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMLowp</text> </a> </g> </g> <!-- Node1->Node122 --> <g id="edge121" class="edge"><title>Node1->Node122</title> -<path fill="none" stroke="midnightblue" d="M30.132,-1130.42C32.7755,-1060.55 45.1487,-824.739 93,-770 100.87,-760.998 112.905,-756.201 124.248,-753.668"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.6317,-1130.37 29.7765,-1140.48 33.6274,-1130.61 26.6317,-1130.37"/> +<path fill="none" stroke="midnightblue" d="M30.0413,-1167.81C32.3744,-1095.75 43.8187,-852.544 93,-796 98.2071,-790.013 105.256,-785.886 112.726,-783.047"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.5314,-1168.09 29.7314,-1178.19 33.5283,-1168.3 26.5314,-1168.09"/> </g> <!-- Node123 --> <g id="node123" class="node"><title>Node123</title> -<g id="a_node123"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml" target="_top" xlink:title="Basic function to execute GEMMLowp on NEON. "> -<polygon fill="white" stroke="black" points="113,-703.5 113,-722.5 198,-722.5 198,-703.5 113,-703.5"/> -<text text-anchor="middle" x="155.5" y="-710.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMLowp</text> +<g id="a_node123"><a xlink:href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_top" xlink:title="Basic function to execute harris corners detection. "> +<polygon fill="white" stroke="black" points="109.5,-729.5 109.5,-748.5 201.5,-748.5 201.5,-729.5 109.5,-729.5"/> +<text text-anchor="middle" x="155.5" y="-736.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisCorners</text> </a> </g> </g> <!-- Node1->Node123 --> <g id="edge122" class="edge"><title>Node1->Node123</title> -<path fill="none" stroke="midnightblue" d="M29.8135,-1129.94C31.385,-1055.02 40.5994,-792.846 93,-732 98.2505,-725.903 105.412,-721.733 112.995,-718.888"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.3075,-1130.23 29.6214,-1140.29 33.3063,-1130.36 26.3075,-1130.23"/> +<path fill="none" stroke="midnightblue" d="M29.7128,-1168.33C30.9261,-1092.6 39.031,-820.931 93,-758 97.3649,-752.91 103.062,-749.163 109.227,-746.408"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.2124,-1168.34 29.5751,-1178.39 33.2117,-1168.44 26.2124,-1168.34"/> </g> <!-- Node124 --> <g id="node124" class="node"><title>Node124</title> -<g id="a_node124"><a xlink:href="classarm__compute_1_1_n_e_harris_corners.xhtml" target="_top" xlink:title="Basic function to execute harris corners detection. "> -<polygon fill="white" stroke="black" points="109.5,-665.5 109.5,-684.5 201.5,-684.5 201.5,-665.5 109.5,-665.5"/> -<text text-anchor="middle" x="155.5" y="-672.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisCorners</text> +<g id="a_node124"><a xlink:href="classarm__compute_1_1_n_e_histogram.xhtml" target="_top" xlink:title="Basic function to run NEHistogramKernel. "> +<polygon fill="white" stroke="black" points="117.5,-691.5 117.5,-710.5 193.5,-710.5 193.5,-691.5 117.5,-691.5"/> +<text text-anchor="middle" x="155.5" y="-698.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogram</text> </a> </g> </g> <!-- Node1->Node124 --> <g id="edge123" class="edge"><title>Node1->Node124</title> -<path fill="none" stroke="midnightblue" d="M29.53,-1130.16C30.0486,-1051.31 35.8707,-761.175 93,-694 97.4162,-688.807 103.22,-685.01 109.499,-682.239"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.0299,-1130.19 29.4865,-1140.21 33.0299,-1130.22 26.0299,-1130.19"/> +<path fill="none" stroke="midnightblue" d="M29.4512,-1168.16C29.6539,-1088.02 34.3901,-789.161 93,-720 99.2133,-712.668 108.193,-708.118 117.378,-705.308"/> +<polygon fill="midnightblue" stroke="midnightblue" points="25.9512,-1168.34 29.4483,-1178.34 32.9512,-1168.35 25.9512,-1168.34"/> </g> <!-- Node125 --> <g id="node125" class="node"><title>Node125</title> -<g id="a_node125"><a xlink:href="classarm__compute_1_1_n_e_histogram.xhtml" target="_top" xlink:title="Basic function to execute histogram. "> -<polygon fill="white" stroke="black" points="117.5,-627.5 117.5,-646.5 193.5,-646.5 193.5,-627.5 117.5,-627.5"/> -<text text-anchor="middle" x="155.5" y="-634.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogram</text> +<g id="a_node125"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_top" xlink:title="Basic function to calculate HOG descriptor. "> +<polygon fill="white" stroke="black" points="106.5,-653.5 106.5,-672.5 204.5,-672.5 204.5,-653.5 106.5,-653.5"/> +<text text-anchor="middle" x="155.5" y="-660.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGDescriptor</text> </a> </g> </g> <!-- Node1->Node125 --> <g id="edge124" class="edge"><title>Node1->Node125</title> -<path fill="none" stroke="midnightblue" d="M29.293,-1130.12C28.8314,-1047.16 31.1886,-729.46 93,-656 99.1876,-648.646 108.158,-644.089 117.344,-641.28"/> -<polygon fill="midnightblue" stroke="midnightblue" points="25.7938,-1130.25 29.371,-1140.22 32.7936,-1130.19 25.7938,-1130.25"/> +<path fill="none" stroke="midnightblue" d="M29.2259,-1168.19C28.464,-1084.08 29.6882,-757.472 93,-682 96.6628,-677.634 101.307,-674.253 106.396,-671.638"/> +<polygon fill="midnightblue" stroke="midnightblue" points="25.7284,-1168.43 29.3403,-1178.39 32.7279,-1168.36 25.7284,-1168.43"/> </g> <!-- Node126 --> <g id="node126" class="node"><title>Node126</title> -<g id="a_node126"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml" target="_top" xlink:title="Basic function to calculate HOG descriptor. "> -<polygon fill="white" stroke="black" points="106.5,-589.5 106.5,-608.5 204.5,-608.5 204.5,-589.5 106.5,-589.5"/> -<text text-anchor="middle" x="155.5" y="-596.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGDescriptor</text> +<g id="a_node126"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_top" xlink:title="Basic function to calculate the gradient for HOG. "> +<polygon fill="white" stroke="black" points="110.5,-615.5 110.5,-634.5 200.5,-634.5 200.5,-615.5 110.5,-615.5"/> +<text text-anchor="middle" x="155.5" y="-622.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGGradient</text> </a> </g> </g> <!-- Node1->Node126 --> <g id="edge125" class="edge"><title>Node1->Node126</title> -<path fill="none" stroke="midnightblue" d="M29.0914,-1130.28C27.6983,-1043.66 26.4461,-697.826 93,-618 96.6496,-613.623 101.286,-610.235 106.371,-607.617"/> -<polygon fill="midnightblue" stroke="midnightblue" points="25.5928,-1130.39 29.2738,-1140.33 32.5917,-1130.26 25.5928,-1130.39"/> +<path fill="none" stroke="midnightblue" d="M30.5391,-1168.26C35.5914,-1075.44 58.7479,-685.191 93,-644 97.5728,-638.501 103.703,-634.564 110.326,-631.751"/> +<polygon fill="midnightblue" stroke="midnightblue" points="27.0313,-1168.31 29.9908,-1178.49 34.0212,-1168.69 27.0313,-1168.31"/> </g> <!-- Node127 --> <g id="node127" class="node"><title>Node127</title> -<g id="a_node127"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_gradient.xhtml" target="_top" xlink:title="Basic function to calculate the gradient for HOG. "> -<polygon fill="white" stroke="black" points="110.5,-551.5 110.5,-570.5 200.5,-570.5 200.5,-551.5 110.5,-551.5"/> -<text text-anchor="middle" x="155.5" y="-558.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGGradient</text> +<g id="a_node127"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_top" xlink:title="Basic function to detect multiple objects (or the same object at different scales) on the same input ..."> +<polygon fill="white" stroke="black" points="97.5,-577.5 97.5,-596.5 213.5,-596.5 213.5,-577.5 97.5,-577.5"/> +<text text-anchor="middle" x="155.5" y="-584.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGMultiDetection</text> </a> </g> </g> <!-- Node1->Node127 --> <g id="edge126" class="edge"><title>Node1->Node127</title> -<path fill="none" stroke="midnightblue" d="M30.4301,-1130.23C35.0933,-1034.65 57.1333,-623.364 93,-580 97.5583,-574.489 103.681,-570.546 110.302,-567.731"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.9211,-1130.33 29.9376,-1140.49 33.9131,-1130.67 26.9211,-1130.33"/> +<path fill="none" stroke="midnightblue" d="M30.3879,-1168.11C34.8869,-1071.09 56.4004,-650.353 93,-606 96.2007,-602.121 100.176,-599.019 104.556,-596.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.8829,-1168.14 29.9237,-1178.29 33.8756,-1168.46 26.8829,-1168.14"/> </g> <!-- Node128 --> <g id="node128" class="node"><title>Node128</title> -<g id="a_node128"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml" target="_top" xlink:title="Basic function to detect multiple objects (or the same object at different scales) on the same input ..."> -<polygon fill="white" stroke="black" points="97.5,-513.5 97.5,-532.5 213.5,-532.5 213.5,-513.5 97.5,-513.5"/> -<text text-anchor="middle" x="155.5" y="-520.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGMultiDetection</text> +<g id="a_node128"><a xlink:href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_top" xlink:title="Basic function to execute laplacian pyramid. "> +<polygon fill="white" stroke="black" points="101.5,-539.5 101.5,-558.5 209.5,-558.5 209.5,-539.5 101.5,-539.5"/> +<text text-anchor="middle" x="155.5" y="-546.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELaplacianPyramid</text> </a> </g> </g> <!-- Node1->Node128 --> <g id="edge127" class="edge"><title>Node1->Node128</title> -<path fill="none" stroke="midnightblue" d="M30.2877,-1130.17C34.409,-1030.64 54.7714,-588.545 93,-542 96.1917,-538.114 100.162,-535.007 104.538,-532.525"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.7837,-1130.2 29.8745,-1140.33 33.7779,-1130.48 26.7837,-1130.2"/> +<path fill="none" stroke="midnightblue" d="M30.2487,-1168.09C34.2105,-1067.21 54.0329,-615.541 93,-568 96.1878,-564.111 100.155,-561.002 104.53,-558.519"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.7489,-1168.02 29.8612,-1178.14 33.7437,-1168.29 26.7489,-1168.02"/> </g> <!-- Node129 --> <g id="node129" class="node"><title>Node129</title> -<g id="a_node129"><a xlink:href="classarm__compute_1_1_n_e_laplacian_pyramid.xhtml" target="_top" xlink:title="Basic function to execute laplacian pyramid. "> -<polygon fill="white" stroke="black" points="101.5,-475.5 101.5,-494.5 209.5,-494.5 209.5,-475.5 101.5,-475.5"/> -<text text-anchor="middle" x="155.5" y="-482.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELaplacianPyramid</text> +<g id="a_node129"><a xlink:href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_top" xlink:title="Basic function to execute laplacian reconstruction. "> +<polygon fill="white" stroke="black" points="93,-501.5 93,-520.5 218,-520.5 218,-501.5 93,-501.5"/> +<text text-anchor="middle" x="155.5" y="-508.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELaplacianReconstruct</text> </a> </g> </g> <!-- Node1->Node129 --> <g id="edge128" class="edge"><title>Node1->Node129</title> -<path fill="none" stroke="midnightblue" d="M30.1681,-1129.92C33.7909,-1026.15 52.4308,-553.702 93,-504 96.1799,-500.104 100.142,-496.991 104.513,-494.506"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.6595,-1130.11 29.8158,-1140.22 33.6554,-1130.35 26.6595,-1130.11"/> +<path fill="none" stroke="midnightblue" d="M30.1319,-1167.86C33.5993,-1062.84 51.6875,-580.705 93,-530 96.1058,-526.188 99.9608,-523.125 104.216,-520.667"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.6278,-1167.94 29.8031,-1178.04 33.6242,-1168.16 26.6278,-1167.94"/> </g> <!-- Node130 --> <g id="node130" class="node"><title>Node130</title> -<g id="a_node130"><a xlink:href="classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml" target="_top" xlink:title="Basic function to execute laplacian reconstruction. "> -<polygon fill="white" stroke="black" points="93,-437.5 93,-456.5 218,-456.5 218,-437.5 93,-437.5"/> -<text text-anchor="middle" x="155.5" y="-444.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELaplacianReconstruct</text> +<g id="a_node130"><a xlink:href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_top" xlink:title="Basic function to execute mean and std deviation. "> +<polygon fill="white" stroke="black" points="111.5,-463.5 111.5,-482.5 199.5,-482.5 199.5,-463.5 111.5,-463.5"/> +<text text-anchor="middle" x="155.5" y="-470.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMeanStdDev</text> </a> </g> </g> <!-- Node1->Node130 --> <g id="edge129" class="edge"><title>Node1->Node130</title> -<path fill="none" stroke="midnightblue" d="M30.0476,-1130.08C33.1603,-1023.04 50.0316,-518.933 93,-466 96.0989,-462.182 99.9493,-459.116 104.201,-456.655"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.5467,-1130.07 29.7615,-1140.16 33.5439,-1130.27 26.5467,-1130.07"/> +<path fill="none" stroke="midnightblue" d="M30.0047,-1168.42C32.9411,-1060.99 49.2348,-546.002 93,-492 97.7845,-486.096 104.366,-481.988 111.453,-479.139"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.5039,-1168.41 29.7363,-1178.5 33.5014,-1168.59 26.5039,-1168.41"/> </g> <!-- Node131 --> <g id="node131" class="node"><title>Node131</title> -<g id="a_node131"><a xlink:href="classarm__compute_1_1_n_e_mean_std_dev.xhtml" target="_top" xlink:title="Basic function to execute mean and std deviation. "> -<polygon fill="white" stroke="black" points="111.5,-399.5 111.5,-418.5 199.5,-418.5 199.5,-399.5 111.5,-399.5"/> -<text text-anchor="middle" x="155.5" y="-406.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMeanStdDev</text> +<g id="a_node131"><a xlink:href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_top" xlink:title="Basic function to execute min and max location. "> +<polygon fill="white" stroke="black" points="104.5,-425.5 104.5,-444.5 206.5,-444.5 206.5,-425.5 104.5,-425.5"/> +<text text-anchor="middle" x="155.5" y="-432.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxLocation</text> </a> </g> </g> <!-- Node1->Node131 --> <g id="edge130" class="edge"><title>Node1->Node131</title> -<path fill="none" stroke="midnightblue" d="M29.9379,-1130.38C32.5579,-1020.47 47.6109,-484.193 93,-428 97.7749,-422.089 104.352,-417.977 111.438,-415.126"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.4382,-1130.32 29.7056,-1140.4 33.4363,-1130.49 26.4382,-1130.32"/> +<path fill="none" stroke="midnightblue" d="M29.9153,-1168.05C32.4121,-1056.32 46.903,-511.153 93,-454 96.1571,-450.086 100.105,-446.961 104.467,-444.468"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.412,-1168.17 29.6944,-1178.24 33.4104,-1168.32 26.412,-1168.17"/> </g> <!-- Node132 --> <g id="node132" class="node"><title>Node132</title> -<g id="a_node132"><a xlink:href="classarm__compute_1_1_n_e_min_max_location.xhtml" target="_top" xlink:title="Basic function to execute min and max location. "> -<polygon fill="white" stroke="black" points="104.5,-361.5 104.5,-380.5 206.5,-380.5 206.5,-361.5 104.5,-361.5"/> -<text text-anchor="middle" x="155.5" y="-368.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxLocation</text> +<g id="a_node132"><a xlink:href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_top" xlink:title="Basic function to simulate a normalization layer. "> +<polygon fill="white" stroke="black" points="98,-387.5 98,-406.5 213,-406.5 213,-387.5 98,-387.5"/> +<text text-anchor="middle" x="155.5" y="-394.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENormalizationLayer</text> </a> </g> </g> <!-- Node1->Node132 --> <g id="edge131" class="edge"><title>Node1->Node132</title> -<path fill="none" stroke="midnightblue" d="M29.846,-1130.41C32.0136,-1017.19 45.2206,-449.417 93,-390 96.1513,-386.081 100.095,-382.953 104.455,-380.458"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.3463,-1130.37 29.6607,-1140.43 33.3451,-1130.5 26.3463,-1130.37"/> +<path fill="none" stroke="midnightblue" d="M29.8245,-1168.11C31.8712,-1053.1 44.5103,-476.38 93,-416 96.0788,-412.166 99.916,-409.089 104.16,-406.622"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.3221,-1168.22 29.6501,-1178.28 33.3211,-1168.34 26.3221,-1168.22"/> </g> <!-- Node133 --> <g id="node133" class="node"><title>Node133</title> -<g id="a_node133"><a xlink:href="classarm__compute_1_1_n_e_normalization_layer.xhtml" target="_top" xlink:title="Basic function to simulate a normalization layer. "> -<polygon fill="white" stroke="black" points="98,-323.5 98,-342.5 213,-342.5 213,-323.5 98,-323.5"/> -<text text-anchor="middle" x="155.5" y="-330.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENormalizationLayer</text> +<g id="a_node133"><a xlink:href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_top" xlink:title="Basic function to execute optical flow. "> +<polygon fill="white" stroke="black" points="114,-349.5 114,-368.5 197,-368.5 197,-349.5 114,-349.5"/> +<text text-anchor="middle" x="155.5" y="-356.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEOpticalFlow</text> </a> </g> </g> <!-- Node1->Node133 --> <g id="edge132" class="edge"><title>Node1->Node133</title> -<path fill="none" stroke="midnightblue" d="M29.7672,-1130.17C31.5158,-1013.02 42.8681,-414.596 93,-352 96.0737,-348.162 99.9076,-345.082 104.15,-342.613"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.2668,-1130.18 29.6234,-1140.23 33.2661,-1130.28 26.2668,-1130.18"/> +<path fill="none" stroke="midnightblue" d="M29.7415,-1168.24C31.3531,-1050.24 42.1029,-441.627 93,-378 98.3052,-371.368 105.881,-366.999 113.911,-364.134"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.2403,-1168.31 29.6097,-1178.36 33.2397,-1168.4 26.2403,-1168.31"/> </g> <!-- Node134 --> <g id="node134" class="node"><title>Node134</title> -<g id="a_node134"><a xlink:href="classarm__compute_1_1_n_e_optical_flow.xhtml" target="_top" xlink:title="Basic function to execute optical flow. "> -<polygon fill="white" stroke="black" points="114,-285.5 114,-304.5 197,-304.5 197,-285.5 114,-285.5"/> -<text text-anchor="middle" x="155.5" y="-292.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEOpticalFlow</text> +<g id="a_node134"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_top" xlink:title="Basic function to execute sobel 5x5 filter. "> +<polygon fill="white" stroke="black" points="120,-311.5 120,-330.5 191,-330.5 191,-311.5 120,-311.5"/> +<text text-anchor="middle" x="155.5" y="-318.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel5x5</text> </a> </g> </g> <!-- Node1->Node134 --> <g id="edge133" class="edge"><title>Node1->Node134</title> -<path fill="none" stroke="midnightblue" d="M29.6933,-1129.99C31.0323,-1009.14 40.5037,-379.79 93,-314 98.2972,-307.361 105.869,-302.99 113.899,-300.125"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.19,-1130.29 29.5853,-1140.33 33.1896,-1130.37 26.19,-1130.29"/> +<path fill="none" stroke="midnightblue" d="M29.6659,-1168.45C30.8582,-1047.75 39.6807,-406.895 93,-340 99.6171,-331.698 109.792,-326.941 119.973,-324.242"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.166,-1168.44 29.5731,-1178.47 33.1657,-1168.5 26.166,-1168.44"/> </g> <!-- Node135 --> <g id="node135" class="node"><title>Node135</title> -<g id="a_node135"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5.xhtml" target="_top" xlink:title="Basic function to execute sobel 5x5 filter. "> -<polygon fill="white" stroke="black" points="120,-247.5 120,-266.5 191,-266.5 191,-247.5 120,-247.5"/> -<text text-anchor="middle" x="155.5" y="-254.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel5x5</text> +<g id="a_node135"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_top" xlink:title="Basic function to execute sobel 7x7 filter. "> +<polygon fill="white" stroke="black" points="120,-273.5 120,-292.5 191,-292.5 191,-273.5 120,-273.5"/> +<text text-anchor="middle" x="155.5" y="-280.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel7x7</text> </a> </g> </g> <!-- Node1->Node135 --> <g id="edge134" class="edge"><title>Node1->Node135</title> -<path fill="none" stroke="midnightblue" d="M29.6213,-1130.24C30.5492,-1006.85 38.0739,-345.067 93,-276 99.6079,-267.691 109.781,-262.932 119.963,-260.233"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.12,-1130.44 29.5508,-1140.46 33.1198,-1130.49 26.12,-1130.44"/> +<path fill="none" stroke="midnightblue" d="M29.6025,-1167.97C30.415,-1042.88 37.358,-372.038 93,-302 99.6038,-293.688 109.776,-288.928 119.958,-286.229"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.1005,-1168.31 29.5416,-1178.33 33.1004,-1168.35 26.1005,-1168.31"/> </g> <!-- Node136 --> <g id="node136" class="node"><title>Node136</title> -<g id="a_node136"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7.xhtml" target="_top" xlink:title="Basic function to execute sobel 7x7 filter. "> -<polygon fill="white" stroke="black" points="120,-209.5 120,-228.5 191,-228.5 191,-209.5 120,-209.5"/> -<text text-anchor="middle" x="155.5" y="-216.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel7x7</text> +<g id="a_node136"><a xlink:href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_top" xlink:title="Basic function to compute a SoftmaxLayer. "> +<polygon fill="white" stroke="black" points="109.5,-235.5 109.5,-254.5 201.5,-254.5 201.5,-235.5 109.5,-235.5"/> +<text text-anchor="middle" x="155.5" y="-242.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESoftmaxLayer</text> </a> </g> </g> <!-- Node1->Node136 --> <g id="edge135" class="edge"><title>Node1->Node136</title> -<path fill="none" stroke="midnightblue" d="M29.5582,-1130.17C30.1012,-1003.47 35.6893,-310.289 93,-238 99.5953,-229.681 109.765,-224.92 119.948,-222.221"/> -<polygon fill="midnightblue" stroke="midnightblue" points="26.0577,-1130.33 29.5207,-1140.34 33.0577,-1130.36 26.0577,-1130.33"/> -</g> -<!-- Node137 --> -<g id="node137" class="node"><title>Node137</title> -<g id="a_node137"><a xlink:href="classarm__compute_1_1_n_e_softmax_layer.xhtml" target="_top" xlink:title="Basic function to compute a SoftmaxLayer. "> -<polygon fill="white" stroke="black" points="109.5,-171.5 109.5,-190.5 201.5,-190.5 201.5,-171.5 109.5,-171.5"/> -<text text-anchor="middle" x="155.5" y="-178.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESoftmaxLayer</text> -</a> -</g> -</g> -<!-- Node1->Node137 --> -<g id="edge136" class="edge"><title>Node1->Node137</title> -<path fill="none" stroke="midnightblue" d="M29.4997,-1130.15C29.6689,-1000.34 33.2948,-275.524 93,-200 97.2968,-194.565 103.12,-190.648 109.477,-187.832"/> -<polygon fill="midnightblue" stroke="midnightblue" points="25.9997,-1130.24 29.4923,-1140.24 32.9997,-1130.25 25.9997,-1130.24"/> +<path fill="none" stroke="midnightblue" d="M29.5401,-1167.91C29.9695,-1039.55 34.9718,-337.262 93,-264 97.3019,-258.569 103.127,-254.654 109.486,-251.839"/> +<polygon fill="midnightblue" stroke="midnightblue" points="26.0393,-1168.21 29.5118,-1178.22 33.0393,-1168.23 26.0393,-1168.21"/> </g> <!-- Node10 --> <g id="node10" class="node"><title>Node10</title> <g id="a_node10"><a xlink:href="classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with HALF scale factor. "> -<polygon fill="white" stroke="black" points="268,-3154.5 268,-3173.5 393,-3173.5 393,-3154.5 268,-3154.5"/> -<text text-anchor="middle" x="330.5" y="-3161.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidHalf</text> +<polygon fill="white" stroke="black" points="268,-3192.5 268,-3211.5 393,-3211.5 393,-3192.5 268,-3192.5"/> +<text text-anchor="middle" x="330.5" y="-3199.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidHalf</text> </a> </g> </g> <!-- Node9->Node10 --> <g id="edge9" class="edge"><title>Node9->Node10</title> -<path fill="none" stroke="midnightblue" d="M214.936,-2552.6C216.026,-2553.66 217.051,-2554.79 218,-2556 299.03,-2659.1 170.261,-3044.09 254,-3145 257.798,-3149.58 262.52,-3153.14 267.738,-3155.91"/> -<polygon fill="midnightblue" stroke="midnightblue" points="217.015,-2549.78 206.923,-2546.56 212.802,-2555.37 217.015,-2549.78"/> +<path fill="none" stroke="midnightblue" d="M214.939,-2571.59C216.028,-2572.66 217.052,-2573.79 218,-2575 301.533,-2681.5 167.669,-3078.76 254,-3183 257.793,-3187.58 262.513,-3191.15 267.729,-3193.91"/> +<polygon fill="midnightblue" stroke="midnightblue" points="217.021,-2568.78 206.931,-2565.55 212.804,-2574.37 217.021,-2568.78"/> </g> <!-- Node11 --> <g id="node11" class="node"><title>Node11</title> <g id="a_node11"><a xlink:href="classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with ORB scale factor. "> -<polygon fill="white" stroke="black" points="269.5,-3116.5 269.5,-3135.5 391.5,-3135.5 391.5,-3116.5 269.5,-3116.5"/> -<text text-anchor="middle" x="330.5" y="-3123.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidOrb</text> +<polygon fill="white" stroke="black" points="269.5,-3154.5 269.5,-3173.5 391.5,-3173.5 391.5,-3154.5 269.5,-3154.5"/> +<text text-anchor="middle" x="330.5" y="-3161.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidOrb</text> </a> </g> </g> <!-- Node9->Node11 --> <g id="edge10" class="edge"><title>Node9->Node11</title> -<path fill="none" stroke="midnightblue" d="M214.929,-2552.6C216.021,-2553.66 217.048,-2554.79 218,-2556 294.025,-2652.32 175.445,-3012.74 254,-3107 258.153,-3111.98 263.404,-3115.77 269.193,-3118.62"/> -<polygon fill="midnightblue" stroke="midnightblue" points="217.003,-2549.78 206.907,-2546.57 212.796,-2555.38 217.003,-2549.78"/> +<path fill="none" stroke="midnightblue" d="M214.933,-2571.6C216.023,-2572.66 217.049,-2573.79 218,-2575 296.528,-2674.71 172.853,-3047.41 254,-3145 258.148,-3149.99 263.395,-3153.77 269.183,-3156.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="217.009,-2568.78 206.915,-2565.56 212.799,-2574.37 217.009,-2568.78"/> </g> <!-- Node27 --> <g id="node27" class="node"><title>Node27</title> <g id="a_node27"><a xlink:href="classarm__compute_1_1_c_l_absolute_difference.xhtml" target="_top" xlink:title="Basic function to run CLAbsoluteDifferenceKernel. "> -<polygon fill="white" stroke="black" points="274,-3078.5 274,-3097.5 387,-3097.5 387,-3078.5 274,-3078.5"/> -<text text-anchor="middle" x="330.5" y="-3085.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAbsoluteDifference</text> +<polygon fill="white" stroke="black" points="274,-3116.5 274,-3135.5 387,-3135.5 387,-3116.5 274,-3116.5"/> +<text text-anchor="middle" x="330.5" y="-3123.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAbsoluteDifference</text> </a> </g> </g> <!-- Node26->Node27 --> <g id="edge26" class="edge"><title>Node26->Node27</title> -<path fill="none" stroke="midnightblue" d="M213.874,-1981.5C215.37,-1982.87 216.754,-1984.37 218,-1986 291.074,-2081.69 178.411,-2975.29 254,-3069 259.176,-3075.42 266.173,-3079.86 273.827,-3082.89"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.77,-1978.56 205.584,-1975.64 211.73,-1984.27 215.77,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.875,-2000.5C215.37,-2001.87 216.754,-2003.37 218,-2005 292.327,-2102.39 177.114,-3011.62 254,-3107 259.174,-3113.42 266.17,-3117.86 273.824,-3120.9"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.772,-1997.56 205.587,-1994.64 211.731,-2003.27 215.772,-1997.56"/> </g> <!-- Node28 --> <g id="node28" class="node"><title>Node28</title> <g id="a_node28"><a xlink:href="classarm__compute_1_1_c_l_accumulate.xhtml" target="_top" xlink:title="Basic function to run CLAccumulateKernel. "> -<polygon fill="white" stroke="black" points="290,-3040.5 290,-3059.5 371,-3059.5 371,-3040.5 290,-3040.5"/> -<text text-anchor="middle" x="330.5" y="-3047.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulate</text> +<polygon fill="white" stroke="black" points="290,-3078.5 290,-3097.5 371,-3097.5 371,-3078.5 290,-3078.5"/> +<text text-anchor="middle" x="330.5" y="-3085.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulate</text> </a> </g> </g> <!-- Node26->Node28 --> <g id="edge27" class="edge"><title>Node26->Node28</title> -<path fill="none" stroke="midnightblue" d="M213.871,-1981.5C215.368,-1982.87 216.753,-1984.37 218,-1986 288.569,-2078.29 181.006,-2940.61 254,-3031 262.662,-3041.73 276.407,-3046.92 289.81,-3049.29"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.766,-1978.56 205.579,-1975.65 211.727,-1984.27 215.766,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.872,-2000.5C215.369,-2001.87 216.753,-2003.37 218,-2005 289.822,-2098.99 179.708,-2976.95 254,-3069 262.659,-3079.73 276.403,-3084.92 289.806,-3087.29"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.768,-1997.56 205.582,-1994.64 211.728,-2003.27 215.768,-1997.56"/> </g> <!-- Node29 --> <g id="node29" class="node"><title>Node29</title> <g id="a_node29"><a xlink:href="classarm__compute_1_1_c_l_accumulate_squared.xhtml" target="_top" xlink:title="Basic function to run CLAccumulateSquaredKernel. "> -<polygon fill="white" stroke="black" points="272,-3002.5 272,-3021.5 389,-3021.5 389,-3002.5 272,-3002.5"/> -<text text-anchor="middle" x="330.5" y="-3009.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateSquared</text> +<polygon fill="white" stroke="black" points="272,-3040.5 272,-3059.5 389,-3059.5 389,-3040.5 272,-3040.5"/> +<text text-anchor="middle" x="330.5" y="-3047.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateSquared</text> </a> </g> </g> <!-- Node26->Node29 --> <g id="edge28" class="edge"><title>Node26->Node29</title> -<path fill="none" stroke="midnightblue" d="M213.868,-1981.51C215.366,-1982.88 216.752,-1984.37 218,-1986 286.064,-2074.9 183.6,-2905.94 254,-2993 258.759,-2998.89 265.049,-3003.11 271.973,-3006.11"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.762,-1978.56 205.574,-1975.65 211.724,-1984.28 215.762,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.87,-2000.51C215.367,-2001.87 216.752,-2003.37 218,-2005 287.316,-2095.59 182.303,-2942.28 254,-3031 258.757,-3036.89 265.046,-3041.11 271.969,-3044.11"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.764,-1997.56 205.576,-1994.65 211.726,-2003.28 215.764,-1997.56"/> </g> <!-- Node30 --> <g id="node30" class="node"><title>Node30</title> <g id="a_node30"><a xlink:href="classarm__compute_1_1_c_l_accumulate_weighted.xhtml" target="_top" xlink:title="Basic function to run CLAccumulateWeightedKernel. "> -<polygon fill="white" stroke="black" points="269.5,-2964.5 269.5,-2983.5 391.5,-2983.5 391.5,-2964.5 269.5,-2964.5"/> -<text text-anchor="middle" x="330.5" y="-2971.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateWeighted</text> +<polygon fill="white" stroke="black" points="269.5,-3002.5 269.5,-3021.5 391.5,-3021.5 391.5,-3002.5 269.5,-3002.5"/> +<text text-anchor="middle" x="330.5" y="-3009.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateWeighted</text> </a> </g> </g> <!-- Node26->Node30 --> <g id="edge29" class="edge"><title>Node26->Node30</title> -<path fill="none" stroke="midnightblue" d="M213.865,-1981.51C215.364,-1982.88 216.751,-1984.37 218,-1986 283.558,-2071.5 186.195,-2871.27 254,-2955 258.168,-2960.15 263.507,-2964.02 269.415,-2966.92"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.757,-1978.56 205.568,-1975.65 211.721,-1984.28 215.757,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.867,-2000.51C215.365,-2001.88 216.751,-2003.37 218,-2005 284.811,-2092.2 184.898,-2907.61 254,-2993 258.166,-2998.15 263.504,-3002.02 269.411,-3004.92"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.759,-1997.56 205.571,-1994.65 211.723,-2003.28 215.759,-1997.56"/> </g> <!-- Node31 --> <g id="node31" class="node"><title>Node31</title> <g id="a_node31"><a xlink:href="classarm__compute_1_1_c_l_activation_layer.xhtml" target="_top" xlink:title="Basic function to run CLActivationLayerKernel. "> -<polygon fill="white" stroke="black" points="282,-2926.5 282,-2945.5 379,-2945.5 379,-2926.5 282,-2926.5"/> -<text text-anchor="middle" x="330.5" y="-2933.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLActivationLayer</text> +<polygon fill="white" stroke="black" points="282,-2964.5 282,-2983.5 379,-2983.5 379,-2964.5 282,-2964.5"/> +<text text-anchor="middle" x="330.5" y="-2971.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLActivationLayer</text> </a> </g> </g> <!-- Node26->Node31 --> <g id="edge30" class="edge"><title>Node26->Node31</title> -<path fill="none" stroke="midnightblue" d="M213.862,-1981.51C215.361,-1982.88 216.749,-1984.37 218,-1986 281.053,-2068.1 188.789,-2836.6 254,-2917 260.982,-2925.61 271.237,-2930.65 281.953,-2933.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.751,-1978.56 205.561,-1975.66 211.718,-1984.28 215.751,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.864,-2000.51C215.362,-2001.88 216.75,-2003.37 218,-2005 282.306,-2088.8 187.492,-2872.93 254,-2955 260.978,-2963.61 271.233,-2968.65 281.948,-2971.53"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.754,-1997.56 205.565,-1994.66 211.72,-2003.28 215.754,-1997.56"/> </g> <!-- Node32 --> <g id="node32" class="node"><title>Node32</title> <g id="a_node32"><a xlink:href="classarm__compute_1_1_c_l_arithmetic_addition.xhtml" target="_top" xlink:title="Basic function to run CLArithmeticAdditionKernel. "> -<polygon fill="white" stroke="black" points="276,-2888.5 276,-2907.5 385,-2907.5 385,-2888.5 276,-2888.5"/> -<text text-anchor="middle" x="330.5" y="-2895.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticAddition</text> +<polygon fill="white" stroke="black" points="276,-2926.5 276,-2945.5 385,-2945.5 385,-2926.5 276,-2926.5"/> +<text text-anchor="middle" x="330.5" y="-2933.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticAddition</text> </a> </g> </g> <!-- Node26->Node32 --> <g id="edge31" class="edge"><title>Node26->Node32</title> -<path fill="none" stroke="midnightblue" d="M213.859,-1981.51C215.359,-1982.88 216.748,-1984.37 218,-1986 278.548,-2064.71 191.384,-2801.93 254,-2879 259.625,-2885.92 267.368,-2890.54 275.763,-2893.58"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.746,-1978.56 205.554,-1975.67 211.715,-1984.28 215.746,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.86,-2000.51C215.36,-2001.88 216.749,-2003.37 218,-2005 279.801,-2085.41 190.086,-2838.26 254,-2917 259.622,-2923.93 267.364,-2928.54 275.758,-2931.58"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.748,-1997.56 205.558,-1994.66 211.717,-2003.28 215.748,-1997.56"/> </g> <!-- Node33 --> <g id="node33" class="node"><title>Node33</title> <g id="a_node33"><a xlink:href="classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml" target="_top" xlink:title="Basic function to run CLArithmeticSubtractionKernel. "> -<polygon fill="white" stroke="black" points="269,-2850.5 269,-2869.5 392,-2869.5 392,-2850.5 269,-2850.5"/> -<text text-anchor="middle" x="330.5" y="-2857.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticSubtraction</text> +<polygon fill="white" stroke="black" points="269,-2888.5 269,-2907.5 392,-2907.5 392,-2888.5 269,-2888.5"/> +<text text-anchor="middle" x="330.5" y="-2895.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticSubtraction</text> </a> </g> </g> <!-- Node26->Node33 --> <g id="edge32" class="edge"><title>Node26->Node33</title> -<path fill="none" stroke="midnightblue" d="M213.855,-1981.52C215.356,-1982.88 216.747,-1984.37 218,-1986 276.043,-2061.31 193.978,-2767.26 254,-2841 258.01,-2845.93 263.093,-2849.69 268.719,-2852.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.739,-1978.56 205.547,-1975.67 211.711,-1984.29 215.739,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.857,-2000.51C215.358,-2001.88 216.747,-2003.37 218,-2005 277.296,-2082.01 192.681,-2803.59 254,-2879 258.008,-2883.93 263.089,-2887.69 268.714,-2890.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.742,-1997.56 205.551,-1994.67 211.713,-2003.29 215.742,-1997.56"/> </g> <!-- Node34 --> <g id="node34" class="node"><title>Node34</title> <g id="a_node34"><a xlink:href="classarm__compute_1_1_c_l_bitwise_and.xhtml" target="_top" xlink:title="Basic function to run CLBitwiseAndKernel. "> -<polygon fill="white" stroke="black" points="291,-2812.5 291,-2831.5 370,-2831.5 370,-2812.5 291,-2812.5"/> -<text text-anchor="middle" x="330.5" y="-2819.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseAnd</text> +<polygon fill="white" stroke="black" points="291,-2850.5 291,-2869.5 370,-2869.5 370,-2850.5 291,-2850.5"/> +<text text-anchor="middle" x="330.5" y="-2857.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseAnd</text> </a> </g> </g> <!-- Node26->Node34 --> <g id="edge33" class="edge"><title>Node26->Node34</title> -<path fill="none" stroke="midnightblue" d="M213.851,-1981.52C215.353,-1982.89 216.745,-1984.37 218,-1986 273.539,-2057.92 196.572,-2732.58 254,-2803 262.884,-2813.89 277.01,-2819.07 290.653,-2821.38"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.732,-1978.56 205.538,-1975.68 211.707,-1984.29 215.732,-1978.56"/> +<path fill="none" stroke="midnightblue" d="M213.853,-2000.52C215.355,-2001.88 216.746,-2003.37 218,-2005 274.791,-2078.61 195.275,-2768.92 254,-2841 262.879,-2851.9 277.004,-2857.08 290.648,-2859.39"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.736,-1997.56 205.543,-1994.67 211.709,-2003.29 215.736,-1997.56"/> </g> <!-- Node35 --> <g id="node35" class="node"><title>Node35</title> <g id="a_node35"><a xlink:href="classarm__compute_1_1_c_l_bitwise_not.xhtml" target="_top" xlink:title="Basic function to run CLBitwiseNotKernel. "> -<polygon fill="white" stroke="black" points="292,-2774.5 292,-2793.5 369,-2793.5 369,-2774.5 292,-2774.5"/> -<text text-anchor="middle" x="330.5" y="-2781.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseNot</text> +<polygon fill="white" stroke="black" points="292,-2812.5 292,-2831.5 369,-2831.5 369,-2812.5 292,-2812.5"/> +<text text-anchor="middle" x="330.5" y="-2819.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseNot</text> </a> </g> </g> <!-- Node26->Node35 --> <g id="edge34" class="edge"><title>Node26->Node35</title> -<path fill="none" stroke="midnightblue" d="M213.846,-1981.52C215.35,-1982.89 216.743,-1984.38 218,-1986 271.034,-2054.52 199.165,-2697.91 254,-2765 263.152,-2776.2 277.844,-2781.35 291.845,-2783.56"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.725,-1978.57 205.529,-1975.68 211.703,-1984.29 215.725,-1978.57"/> +<path fill="none" stroke="midnightblue" d="M213.849,-2000.52C215.352,-2001.89 216.744,-2003.38 218,-2005 272.286,-2075.22 197.869,-2734.25 254,-2803 263.146,-2814.2 277.837,-2819.36 291.839,-2821.57"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.729,-1997.56 205.534,-1994.68 211.705,-2003.29 215.729,-1997.56"/> </g> <!-- Node36 --> <g id="node36" class="node"><title>Node36</title> <g id="a_node36"><a xlink:href="classarm__compute_1_1_c_l_bitwise_or.xhtml" target="_top" xlink:title="Basic function to run CLBitwiseOrKernel. "> -<polygon fill="white" stroke="black" points="294.5,-2736.5 294.5,-2755.5 366.5,-2755.5 366.5,-2736.5 294.5,-2736.5"/> -<text text-anchor="middle" x="330.5" y="-2743.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseOr</text> +<polygon fill="white" stroke="black" points="294.5,-2774.5 294.5,-2793.5 366.5,-2793.5 366.5,-2774.5 294.5,-2774.5"/> +<text text-anchor="middle" x="330.5" y="-2781.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseOr</text> </a> </g> </g> <!-- Node26->Node36 --> <g id="edge35" class="edge"><title>Node26->Node36</title> -<path fill="none" stroke="midnightblue" d="M213.841,-1981.53C215.346,-1982.89 216.741,-1984.38 218,-1986 319.059,-2116.25 149.518,-2599.47 254,-2727 263.68,-2738.81 279.524,-2743.9 294.206,-2745.9"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.717,-1978.57 205.519,-1975.69 211.698,-1984.3 215.717,-1978.57"/> +<path fill="none" stroke="midnightblue" d="M213.844,-2000.52C215.348,-2001.89 216.742,-2003.38 218,-2005 269.782,-2071.82 200.462,-2699.57 254,-2765 263.673,-2776.82 279.516,-2781.91 294.199,-2783.9"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.721,-1997.57 205.524,-1994.69 211.701,-2003.3 215.721,-1997.57"/> </g> <!-- Node37 --> <g id="node37" class="node"><title>Node37</title> <g id="a_node37"><a xlink:href="classarm__compute_1_1_c_l_bitwise_xor.xhtml" target="_top" xlink:title="Basic function to run CLBitwiseXorKernel. "> -<polygon fill="white" stroke="black" points="292,-2698.5 292,-2717.5 369,-2717.5 369,-2698.5 292,-2698.5"/> -<text text-anchor="middle" x="330.5" y="-2705.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseXor</text> +<polygon fill="white" stroke="black" points="292,-2736.5 292,-2755.5 369,-2755.5 369,-2736.5 292,-2736.5"/> +<text text-anchor="middle" x="330.5" y="-2743.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseXor</text> </a> </g> </g> <!-- Node26->Node37 --> <g id="edge36" class="edge"><title>Node26->Node37</title> -<path fill="none" stroke="midnightblue" d="M213.836,-1981.53C215.342,-1982.89 216.739,-1984.38 218,-1986 314.051,-2109.46 154.705,-2568.13 254,-2689 263.18,-2700.18 277.876,-2705.33 291.873,-2707.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.707,-1978.57 205.508,-1975.7 211.693,-1984.3 215.707,-1978.57"/> +<path fill="none" stroke="midnightblue" d="M213.839,-2000.53C215.344,-2001.89 216.74,-2003.38 218,-2005 316.555,-2131.86 152.111,-2602.8 254,-2727 263.173,-2738.18 277.867,-2743.34 291.866,-2745.55"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.712,-1997.57 205.514,-1994.7 211.695,-2003.3 215.712,-1997.57"/> </g> <!-- Node38 --> <g id="node38" class="node"><title>Node38</title> <g id="a_node38"><a xlink:href="classarm__compute_1_1_c_l_box3x3.xhtml" target="_top" xlink:title="Basic function to execute box filter 3x3. "> -<polygon fill="white" stroke="black" points="299.5,-2660.5 299.5,-2679.5 361.5,-2679.5 361.5,-2660.5 299.5,-2660.5"/> -<text text-anchor="middle" x="330.5" y="-2667.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBox3x3</text> +<polygon fill="white" stroke="black" points="299.5,-2698.5 299.5,-2717.5 361.5,-2717.5 361.5,-2698.5 299.5,-2698.5"/> +<text text-anchor="middle" x="330.5" y="-2705.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBox3x3</text> </a> </g> </g> <!-- Node26->Node38 --> <g id="edge37" class="edge"><title>Node26->Node38</title> -<path fill="none" stroke="midnightblue" d="M214.288,-1981.96C215.622,-1983.2 216.866,-1984.55 218,-1986 309.044,-2102.68 159.891,-2536.78 254,-2651 264.83,-2664.14 283.289,-2668.95 299.243,-2670.45"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.958,-1978.85 205.789,-1975.87 211.882,-1984.54 215.958,-1978.85"/> +<path fill="none" stroke="midnightblue" d="M213.833,-2000.53C215.34,-2001.9 216.738,-2003.38 218,-2005 311.547,-2125.07 157.298,-2571.46 254,-2689 264.82,-2702.15 283.279,-2706.96 299.236,-2708.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.702,-1997.57 205.502,-1994.71 211.69,-2003.31 215.702,-1997.57"/> </g> <!-- Node39 --> <g id="node39" class="node"><title>Node39</title> <g id="a_node39"><a xlink:href="classarm__compute_1_1_c_l_channel_combine.xhtml" target="_top" xlink:title="Basic function to run CLChannelCombineKernel to perform channel combination. "> -<polygon fill="white" stroke="black" points="278.5,-2622.5 278.5,-2641.5 382.5,-2641.5 382.5,-2622.5 278.5,-2622.5"/> -<text text-anchor="middle" x="330.5" y="-2629.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelCombine</text> +<polygon fill="white" stroke="black" points="278.5,-2660.5 278.5,-2679.5 382.5,-2679.5 382.5,-2660.5 278.5,-2660.5"/> +<text text-anchor="middle" x="330.5" y="-2667.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelCombine</text> </a> </g> </g> <!-- Node26->Node39 --> <g id="edge38" class="edge"><title>Node26->Node39</title> -<path fill="none" stroke="midnightblue" d="M214.282,-1981.96C215.618,-1983.2 216.863,-1984.55 218,-1986 304.037,-2095.89 165.076,-2505.43 254,-2613 260.201,-2620.5 268.886,-2625.29 278.167,-2628.29"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.946,-1978.85 205.776,-1975.88 211.876,-1984.54 215.946,-1978.85"/> +<path fill="none" stroke="midnightblue" d="M214.285,-2000.96C215.62,-2002.2 216.865,-2003.55 218,-2005 306.54,-2118.28 162.484,-2540.11 254,-2651 260.194,-2658.51 268.877,-2663.29 278.157,-2666.3"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.952,-1997.85 205.783,-1994.88 211.88,-2003.54 215.952,-1997.85"/> </g> <!-- Node40 --> <g id="node40" class="node"><title>Node40</title> <g id="a_node40"><a xlink:href="classarm__compute_1_1_c_l_channel_extract.xhtml" target="_top" xlink:title="Basic function to run CLChannelExtractKernel to perform channel extraction. "> -<polygon fill="white" stroke="black" points="282,-2584.5 282,-2603.5 379,-2603.5 379,-2584.5 282,-2584.5"/> -<text text-anchor="middle" x="330.5" y="-2591.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelExtract</text> +<polygon fill="white" stroke="black" points="282,-2622.5 282,-2641.5 379,-2641.5 379,-2622.5 282,-2622.5"/> +<text text-anchor="middle" x="330.5" y="-2629.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelExtract</text> </a> </g> </g> <!-- Node26->Node40 --> <g id="edge39" class="edge"><title>Node26->Node40</title> -<path fill="none" stroke="midnightblue" d="M214.275,-1981.97C215.613,-1983.21 216.861,-1984.55 218,-1986 299.03,-2089.1 170.261,-2474.09 254,-2575 260.991,-2583.43 271.117,-2588.42 281.694,-2591.31"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.934,-1978.85 205.76,-1975.89 211.869,-1984.55 215.934,-1978.85"/> +<path fill="none" stroke="midnightblue" d="M214.278,-2000.96C215.615,-2002.21 216.862,-2003.55 218,-2005 301.533,-2111.5 167.669,-2508.76 254,-2613 260.983,-2621.43 271.106,-2626.43 281.682,-2629.32"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.94,-1997.85 205.768,-1994.89 211.873,-2003.55 215.94,-1997.85"/> </g> <!-- Node41 --> <g id="node41" class="node"><title>Node41</title> <g id="a_node41"><a xlink:href="classarm__compute_1_1_c_l_color_convert.xhtml" target="_top" xlink:title="Basic function to run CLColorConvertKernel. "> -<polygon fill="white" stroke="black" points="287,-2546.5 287,-2565.5 374,-2565.5 374,-2546.5 287,-2546.5"/> -<text text-anchor="middle" x="330.5" y="-2553.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLColorConvert</text> +<polygon fill="white" stroke="black" points="287,-2584.5 287,-2603.5 374,-2603.5 374,-2584.5 287,-2584.5"/> +<text text-anchor="middle" x="330.5" y="-2591.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLColorConvert</text> </a> </g> </g> <!-- Node26->Node41 --> <g id="edge40" class="edge"><title>Node26->Node41</title> -<path fill="none" stroke="midnightblue" d="M214.267,-1981.97C215.607,-1983.21 216.858,-1984.55 218,-1986 294.025,-2082.32 175.445,-2442.74 254,-2537 262.134,-2546.76 274.474,-2551.91 286.834,-2554.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.92,-1978.85 205.743,-1975.91 211.861,-1984.56 215.92,-1978.85"/> +<path fill="none" stroke="midnightblue" d="M214.271,-2000.97C215.61,-2002.21 216.859,-2003.55 218,-2005 296.528,-2104.71 172.853,-2477.41 254,-2575 262.123,-2584.77 274.46,-2589.93 286.822,-2592.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.927,-1997.85 205.752,-1994.9 211.866,-2003.55 215.927,-1997.85"/> </g> <!-- Node42 --> <g id="node42" class="node"><title>Node42</title> <g id="a_node42"><a xlink:href="classarm__compute_1_1_c_l_convolution3x3.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 3x3. "> -<polygon fill="white" stroke="black" points="282,-2508.5 282,-2527.5 379,-2527.5 379,-2508.5 282,-2508.5"/> -<text text-anchor="middle" x="330.5" y="-2515.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolution3x3</text> +<polygon fill="white" stroke="black" points="282,-2546.5 282,-2565.5 379,-2565.5 379,-2546.5 282,-2546.5"/> +<text text-anchor="middle" x="330.5" y="-2553.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolution3x3</text> </a> </g> </g> <!-- Node26->Node42 --> <g id="edge41" class="edge"><title>Node26->Node42</title> -<path fill="none" stroke="midnightblue" d="M214.258,-1981.98C215.6,-1983.22 216.854,-1984.56 218,-1986 289.021,-2075.53 180.627,-2411.38 254,-2499 261.029,-2507.39 271.169,-2512.38 281.747,-2515.27"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.903,-1978.86 205.723,-1975.92 211.852,-1984.57 215.903,-1978.86"/> +<path fill="none" stroke="midnightblue" d="M214.262,-2000.98C215.604,-2002.22 216.856,-2003.55 218,-2005 291.523,-2097.92 178.036,-2446.06 254,-2537 261.019,-2545.4 271.154,-2550.39 281.732,-2553.28"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.912,-1997.86 205.733,-1994.92 211.857,-2003.56 215.912,-1997.86"/> </g> <!-- Node43 --> <g id="node43" class="node"><title>Node43</title> <g id="a_node43"><a xlink:href="classarm__compute_1_1_c_l_convolution_rectangle.xhtml" target="_top" xlink:title="Basic function to execute non-square convolution. "> -<polygon fill="white" stroke="black" points="268,-2470.5 268,-2489.5 393,-2489.5 393,-2470.5 268,-2470.5"/> -<text text-anchor="middle" x="330.5" y="-2477.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionRectangle</text> +<polygon fill="white" stroke="black" points="268,-2508.5 268,-2527.5 393,-2527.5 393,-2508.5 268,-2508.5"/> +<text text-anchor="middle" x="330.5" y="-2515.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionRectangle</text> </a> </g> </g> <!-- Node26->Node43 --> <g id="edge42" class="edge"><title>Node26->Node43</title> -<path fill="none" stroke="midnightblue" d="M214.247,-1981.99C215.593,-1983.22 216.85,-1984.56 218,-1986 284.018,-2068.75 185.808,-2380.03 254,-2461 257.831,-2465.55 262.576,-2469.1 267.806,-2471.85"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.885,-1978.86 205.699,-1975.94 211.842,-1984.57 215.885,-1978.86"/> +<path fill="none" stroke="midnightblue" d="M214.253,-2000.98C215.597,-2002.22 216.852,-2003.56 218,-2005 286.519,-2091.14 183.218,-2414.71 254,-2499 257.824,-2503.55 262.565,-2507.1 267.793,-2509.86"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.894,-1997.86 205.711,-1994.93 211.847,-2003.57 215.894,-1997.86"/> </g> <!-- Node44 --> <g id="node44" class="node"><title>Node44</title> <g id="a_node44"><a xlink:href="classarm__compute_1_1_c_l_depth_convert.xhtml" target="_top" xlink:title="Basic function to run CLDepthConvertKernel. "> -<polygon fill="white" stroke="black" points="285.5,-2432.5 285.5,-2451.5 375.5,-2451.5 375.5,-2432.5 285.5,-2432.5"/> -<text text-anchor="middle" x="330.5" y="-2439.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDepthConvert</text> +<polygon fill="white" stroke="black" points="285.5,-2470.5 285.5,-2489.5 375.5,-2489.5 375.5,-2470.5 285.5,-2470.5"/> +<text text-anchor="middle" x="330.5" y="-2477.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDepthConvert</text> </a> </g> </g> <!-- Node26->Node44 --> <g id="edge43" class="edge"><title>Node26->Node44</title> -<path fill="none" stroke="midnightblue" d="M214.235,-1982C215.584,-1983.23 216.845,-1984.56 218,-1986 279.017,-2061.97 190.987,-2348.68 254,-2423 261.867,-2432.28 273.534,-2437.38 285.356,-2440.1"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.862,-1978.86 205.672,-1975.96 211.83,-1984.59 215.862,-1978.86"/> +<path fill="none" stroke="midnightblue" d="M214.241,-2000.99C215.589,-2002.23 216.848,-2003.56 218,-2005 281.518,-2084.36 188.398,-2383.35 254,-2461 261.851,-2470.29 273.513,-2475.4 285.337,-2478.12"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.874,-1997.86 205.686,-1994.95 211.836,-2003.58 215.874,-1997.86"/> </g> <!-- Node45 --> <g id="node45" class="node"><title>Node45</title> <g id="a_node45"><a xlink:href="classarm__compute_1_1_c_l_derivative.xhtml" target="_top" xlink:title="Basic function to execute first order derivative operator. "> -<polygon fill="white" stroke="black" points="293.5,-2394.5 293.5,-2413.5 367.5,-2413.5 367.5,-2394.5 293.5,-2394.5"/> -<text text-anchor="middle" x="330.5" y="-2401.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDerivative</text> +<polygon fill="white" stroke="black" points="293.5,-2432.5 293.5,-2451.5 367.5,-2451.5 367.5,-2432.5 293.5,-2432.5"/> +<text text-anchor="middle" x="330.5" y="-2439.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDerivative</text> </a> </g> </g> <!-- Node26->Node45 --> <g id="edge44" class="edge"><title>Node26->Node45</title> -<path fill="none" stroke="midnightblue" d="M214.22,-1982.01C215.574,-1983.24 216.84,-1984.57 218,-1986 274.019,-2055.19 196.164,-2317.32 254,-2385 263.659,-2396.3 278.957,-2401.4 293.264,-2403.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.836,-1978.87 205.64,-1975.99 211.815,-1984.6 215.836,-1978.87"/> +<path fill="none" stroke="midnightblue" d="M214.228,-2001C215.579,-2002.24 216.843,-2003.56 218,-2005 276.518,-2077.58 193.576,-2352 254,-2423 263.636,-2434.32 278.931,-2439.42 293.242,-2441.56"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.85,-1997.87 205.657,-1994.98 211.823,-2003.59 215.85,-1997.87"/> </g> <!-- Node46 --> <g id="node46" class="node"><title>Node46</title> <g id="a_node46"><a xlink:href="classarm__compute_1_1_c_l_dilate.xhtml" target="_top" xlink:title="Basic function to execute dilate. "> -<polygon fill="white" stroke="black" points="303,-2356.5 303,-2375.5 358,-2375.5 358,-2356.5 303,-2356.5"/> -<text text-anchor="middle" x="330.5" y="-2363.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDilate</text> +<polygon fill="white" stroke="black" points="303,-2394.5 303,-2413.5 358,-2413.5 358,-2394.5 303,-2394.5"/> +<text text-anchor="middle" x="330.5" y="-2401.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDilate</text> </a> </g> </g> <!-- Node26->Node46 --> <g id="edge45" class="edge"><title>Node26->Node46</title> -<path fill="none" stroke="midnightblue" d="M214.202,-1982.02C215.561,-1983.25 216.833,-1984.57 218,-1986 320.047,-2110.84 148.675,-2224.91 254,-2347 265.919,-2360.82 286.263,-2365.34 302.832,-2366.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.805,-1978.87 205.601,-1976.02 211.798,-1984.62 215.805,-1978.87"/> +<path fill="none" stroke="midnightblue" d="M214.212,-2001.02C215.568,-2002.24 216.837,-2003.57 218,-2005 271.521,-2070.81 198.751,-2320.64 254,-2385 265.885,-2398.85 286.231,-2403.37 302.809,-2404.56"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.821,-1997.87 205.621,-1995.01 211.807,-2003.61 215.821,-1997.87"/> </g> <!-- Node47 --> <g id="node47" class="node"><title>Node47</title> <g id="a_node47"><a xlink:href="classarm__compute_1_1_c_l_erode.xhtml" target="_top" xlink:title="Basic function to execute erode. "> -<polygon fill="white" stroke="black" points="303,-2318.5 303,-2337.5 358,-2337.5 358,-2318.5 303,-2318.5"/> -<text text-anchor="middle" x="330.5" y="-2325.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLErode</text> +<polygon fill="white" stroke="black" points="303,-2356.5 303,-2375.5 358,-2375.5 358,-2356.5 303,-2356.5"/> +<text text-anchor="middle" x="330.5" y="-2363.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLErode</text> </a> </g> </g> <!-- Node26->Node47 --> <g id="edge46" class="edge"><title>Node26->Node47</title> -<path fill="none" stroke="midnightblue" d="M213.806,-1981.71C215.312,-1983.02 216.718,-1984.45 218,-1986 310.064,-2097.3 159.013,-2200.18 254,-2309 265.999,-2322.75 286.339,-2327.28 302.886,-2328.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.782,-1978.82 205.554,-1976.06 211.827,-1984.6 215.782,-1978.82"/> +<path fill="none" stroke="midnightblue" d="M214.192,-2001.03C215.554,-2002.26 216.829,-2003.58 218,-2005 315.054,-2123.07 153.845,-2231.55 254,-2347 265.957,-2360.78 286.299,-2365.31 302.857,-2366.52"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.786,-1997.88 205.579,-1995.04 211.788,-2003.62 215.786,-1997.88"/> </g> <!-- Node48 --> <g id="node48" class="node"><title>Node48</title> <g id="a_node48"><a xlink:href="classarm__compute_1_1_c_l_fill_border.xhtml" target="_top" xlink:title="Basic function to run CLFillBorderKernel. "> -<polygon fill="white" stroke="black" points="295,-2280.5 295,-2299.5 366,-2299.5 366,-2280.5 295,-2280.5"/> -<text text-anchor="middle" x="330.5" y="-2287.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFillBorder</text> +<polygon fill="white" stroke="black" points="295,-2318.5 295,-2337.5 366,-2337.5 366,-2318.5 295,-2318.5"/> +<text text-anchor="middle" x="330.5" y="-2325.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFillBorder</text> </a> </g> </g> <!-- Node26->Node48 --> <g id="edge47" class="edge"><title>Node26->Node48</title> -<path fill="none" stroke="midnightblue" d="M214.239,-1982.14C215.58,-1983.33 216.839,-1984.62 218,-1986 300.093,-2083.78 169.34,-2175.43 254,-2271 264.128,-2282.43 280.025,-2287.47 294.625,-2289.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.999,-1979.1 205.789,-1976.27 212.005,-1984.85 215.999,-1979.1"/> +<path fill="none" stroke="midnightblue" d="M213.792,-2000.72C215.302,-2002.03 216.713,-2003.45 218,-2005 305.077,-2109.54 164.178,-2206.81 254,-2309 264.173,-2320.57 280.257,-2325.61 294.971,-2327.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.759,-1997.83 205.525,-1995.08 211.814,-2003.61 215.759,-1997.83"/> </g> <!-- Node49 --> <g id="node49" class="node"><title>Node49</title> <g id="a_node49"><a xlink:href="classarm__compute_1_1_c_l_gaussian3x3.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 3x3. "> -<polygon fill="white" stroke="black" points="287.5,-2242.5 287.5,-2261.5 373.5,-2261.5 373.5,-2242.5 287.5,-2242.5"/> -<text text-anchor="middle" x="330.5" y="-2249.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian3x3</text> +<polygon fill="white" stroke="black" points="287.5,-2280.5 287.5,-2299.5 373.5,-2299.5 373.5,-2280.5 287.5,-2280.5"/> +<text text-anchor="middle" x="330.5" y="-2287.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian3x3</text> </a> </g> </g> <!-- Node26->Node49 --> <g id="edge48" class="edge"><title>Node26->Node49</title> -<path fill="none" stroke="midnightblue" d="M214.204,-1982.17C215.555,-1983.35 216.826,-1984.63 218,-1986 290.14,-2070.28 179.648,-2150.67 254,-2233 262.515,-2242.43 274.957,-2247.5 287.293,-2250.13"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.937,-1979.11 205.713,-1976.34 211.972,-1984.88 215.937,-1979.11"/> +<path fill="none" stroke="midnightblue" d="M214.223,-2001.15C215.568,-2002.34 216.833,-2003.62 218,-2005 295.114,-2096.03 174.497,-2182.05 254,-2271 262.467,-2280.47 274.896,-2285.55 287.235,-2288.18"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.97,-1998.11 205.754,-1995.3 211.99,-2003.87 215.97,-1998.11"/> </g> <!-- Node50 --> <g id="node50" class="node"><title>Node50</title> -<g id="a_node50"><a xlink:href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_top" xlink:title="Basic function to run CLMagnitudePhaseKernel. "> -<polygon fill="white" stroke="black" points="293.5,-2204.5 293.5,-2223.5 367.5,-2223.5 367.5,-2204.5 293.5,-2204.5"/> -<text text-anchor="middle" x="330.5" y="-2211.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMagnitude</text> +<g id="a_node50"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml" target="_top" xlink:title="Basic function to execute CLGEMMInterleave4x4Kernel. "> +<polygon fill="white" stroke="black" points="271,-2242.5 271,-2261.5 390,-2261.5 390,-2242.5 271,-2242.5"/> +<text text-anchor="middle" x="330.5" y="-2249.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMInterleave4x4</text> </a> </g> </g> <!-- Node26->Node50 --> <g id="edge49" class="edge"><title>Node26->Node50</title> -<path fill="none" stroke="midnightblue" d="M214.158,-1982.21C215.522,-1983.38 216.808,-1984.64 218,-1986 280.213,-2056.81 189.929,-2125.87 254,-2195 264.015,-2205.81 279.188,-2210.85 293.313,-2213.09"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.853,-1979.13 205.61,-1976.42 211.929,-1984.93 215.853,-1979.13"/> +<path fill="none" stroke="midnightblue" d="M214.183,-2001.19C215.54,-2002.37 216.818,-2003.64 218,-2005 285.172,-2082.54 184.793,-2157.27 254,-2233 258.65,-2238.09 264.444,-2241.9 270.741,-2244.75"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.898,-1998.12 205.666,-1995.38 211.952,-2003.9 215.898,-1998.12"/> </g> <!-- Node51 --> <g id="node51" class="node"><title>Node51</title> -<g id="a_node51"><a xlink:href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_top" xlink:title="Basic function to execute median filter. "> -<polygon fill="white" stroke="black" points="292,-2166.5 292,-2185.5 369,-2185.5 369,-2166.5 292,-2166.5"/> -<text text-anchor="middle" x="330.5" y="-2173.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMedian3x3</text> +<g id="a_node51"><a xlink:href="classarm__compute_1_1_c_l_magnitude.xhtml" target="_top" xlink:title="Basic function to run CLMagnitudePhaseKernel. "> +<polygon fill="white" stroke="black" points="293.5,-2204.5 293.5,-2223.5 367.5,-2223.5 367.5,-2204.5 293.5,-2204.5"/> +<text text-anchor="middle" x="330.5" y="-2211.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMagnitude</text> </a> </g> </g> <!-- Node26->Node51 --> <g id="edge50" class="edge"><title>Node26->Node51</title> -<path fill="none" stroke="midnightblue" d="M214.093,-1982.27C215.476,-1983.42 216.783,-1984.67 218,-1986 270.331,-2043.39 200.164,-2101.02 254,-2157 263.838,-2167.23 278.306,-2172.26 291.953,-2174.64"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.735,-1979.16 205.466,-1976.55 211.869,-1984.99 215.735,-1979.16"/> +<path fill="none" stroke="midnightblue" d="M214.128,-2001.24C215.501,-2002.4 216.797,-2003.65 218,-2005 275.264,-2069.09 195.054,-2132.45 254,-2195 264.104,-2205.72 279.292,-2210.76 293.401,-2213.01"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.8,-1998.14 205.545,-1995.48 211.902,-2003.96 215.8,-1998.14"/> </g> <!-- Node52 --> <g id="node52" class="node"><title>Node52</title> -<g id="a_node52"><a xlink:href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_top" xlink:title="Basic function to execute non linear filter. "> -<polygon fill="white" stroke="black" points="283,-2128.5 283,-2147.5 378,-2147.5 378,-2128.5 283,-2128.5"/> -<text text-anchor="middle" x="330.5" y="-2135.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonLinearFilter</text> +<g id="a_node52"><a xlink:href="classarm__compute_1_1_c_l_median3x3.xhtml" target="_top" xlink:title="Basic function to execute median filter. "> +<polygon fill="white" stroke="black" points="292,-2166.5 292,-2185.5 369,-2185.5 369,-2166.5 292,-2166.5"/> +<text text-anchor="middle" x="330.5" y="-2173.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMedian3x3</text> </a> </g> </g> <!-- Node26->Node52 --> <g id="edge51" class="edge"><title>Node26->Node52</title> -<path fill="none" stroke="midnightblue" d="M213.508,-1981.98C215.098,-1983.22 216.603,-1984.55 218,-1986 260.531,-2030.06 210.314,-2076.09 254,-2119 261.81,-2126.67 272.237,-2131.39 282.842,-2134.26"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.277,-1978.96 204.946,-1976.6 211.555,-1984.88 215.277,-1978.96"/> +<path fill="none" stroke="midnightblue" d="M214.049,-2001.31C215.444,-2002.45 216.767,-2003.68 218,-2005 265.417,-2055.71 205.254,-2107.57 254,-2157 263.87,-2167.01 278.181,-2172.02 291.696,-2174.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.656,-1998.18 205.369,-1995.64 211.829,-2004.04 215.656,-1998.18"/> </g> <!-- Node53 --> <g id="node53" class="node"><title>Node53</title> -<g id="a_node53"><a xlink:href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_top" xlink:title="Basic function to execute non-maxima suppression over a 3x3 window. "> -<polygon fill="white" stroke="black" points="254.5,-2090.5 254.5,-2109.5 406.5,-2109.5 406.5,-2090.5 254.5,-2090.5"/> -<text text-anchor="middle" x="330.5" y="-2097.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonMaximaSuppression3x3</text> +<g id="a_node53"><a xlink:href="classarm__compute_1_1_c_l_non_linear_filter.xhtml" target="_top" xlink:title="Basic function to execute non linear filter. "> +<polygon fill="white" stroke="black" points="283,-2128.5 283,-2147.5 378,-2147.5 378,-2128.5 283,-2128.5"/> +<text text-anchor="middle" x="330.5" y="-2135.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonLinearFilter</text> </a> </g> </g> <!-- Node26->Node53 --> <g id="edge52" class="edge"><title>Node26->Node53</title> -<path fill="none" stroke="midnightblue" d="M212.58,-1981.63C214.495,-1982.96 216.312,-1984.41 218,-1986 250.911,-2016.91 220.28,-2050.97 254,-2081 258.34,-2084.87 263.353,-2087.97 268.689,-2090.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="214.078,-1978.45 203.659,-1976.53 210.605,-1984.53 214.078,-1978.45"/> +<path fill="none" stroke="midnightblue" d="M213.33,-2000.98C214.979,-2002.22 216.543,-2003.55 218,-2005 255.688,-2042.45 215.331,-2082.56 254,-2119 261.869,-2126.42 272.194,-2131.05 282.67,-2133.92"/> +<polygon fill="midnightblue" stroke="midnightblue" points="214.849,-1997.81 204.485,-1995.61 211.215,-2003.79 214.849,-1997.81"/> </g> <!-- Node54 --> <g id="node54" class="node"><title>Node54</title> -<g id="a_node54"><a xlink:href="classarm__compute_1_1_c_l_phase.xhtml" target="_top" xlink:title="Basic function to execute an CLMagnitudePhaseKernel. "> -<polygon fill="white" stroke="black" points="302,-2052.5 302,-2071.5 359,-2071.5 359,-2052.5 302,-2052.5"/> -<text text-anchor="middle" x="330.5" y="-2059.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPhase</text> +<g id="a_node54"><a xlink:href="classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml" target="_top" xlink:title="Basic function to execute non-maxima suppression over a 3x3 window. "> +<polygon fill="white" stroke="black" points="254.5,-2090.5 254.5,-2109.5 406.5,-2109.5 406.5,-2090.5 254.5,-2090.5"/> +<text text-anchor="middle" x="330.5" y="-2097.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonMaximaSuppression3x3</text> </a> </g> </g> <!-- Node26->Node54 --> <g id="edge53" class="edge"><title>Node26->Node54</title> -<path fill="none" stroke="midnightblue" d="M210.159,-1980.91C212.914,-1982.43 215.55,-1984.12 218,-1986 241.788,-2004.22 229.736,-2025.42 254,-2043 267.901,-2053.07 286.59,-2057.83 301.897,-2060.06"/> -<polygon fill="midnightblue" stroke="midnightblue" points="211.578,-1977.7 201.044,-1976.57 208.573,-1984.03 211.578,-1977.7"/> +<path fill="none" stroke="midnightblue" d="M211.719,-2000.35C213.934,-2001.76 216.042,-2003.3 218,-2005 246.246,-2029.48 225.114,-2057.28 254,-2081 258.701,-2084.86 264.082,-2087.95 269.759,-2090.42"/> +<polygon fill="midnightblue" stroke="midnightblue" points="213.213,-1997.18 202.74,-1995.58 209.927,-2003.36 213.213,-1997.18"/> </g> <!-- Node55 --> <g id="node55" class="node"><title>Node55</title> -<g id="a_node55"><a xlink:href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_top" xlink:title="Basic function to run CLPixelWiseMultiplicationKernel. "> -<polygon fill="white" stroke="black" points="265,-2014.5 265,-2033.5 396,-2033.5 396,-2014.5 265,-2014.5"/> -<text text-anchor="middle" x="330.5" y="-2021.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPixelWiseMultiplication</text> +<g id="a_node55"><a xlink:href="classarm__compute_1_1_c_l_phase.xhtml" target="_top" xlink:title="Basic function to execute an CLMagnitudePhaseKernel. "> +<polygon fill="white" stroke="black" points="302,-2052.5 302,-2071.5 359,-2071.5 359,-2052.5 302,-2052.5"/> +<text text-anchor="middle" x="330.5" y="-2059.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPhase</text> </a> </g> </g> <!-- Node26->Node55 --> <g id="edge54" class="edge"><title>Node26->Node55</title> -<path fill="none" stroke="midnightblue" d="M201.015,-1979.67C206.789,-1981.63 212.576,-1983.75 218,-1986 234.715,-1992.92 237.107,-1998.52 254,-2005 263.592,-2008.68 274.143,-2011.85 284.238,-2014.48"/> -<polygon fill="midnightblue" stroke="midnightblue" points="201.971,-1976.3 191.379,-1976.54 199.809,-1982.96 201.971,-1976.3"/> +<path fill="none" stroke="midnightblue" d="M207.266,-1999.34C211.003,-2001.02 214.626,-2002.9 218,-2005 237.76,-2017.28 233.921,-2031.25 254,-2043 268.582,-2051.53 286.924,-2056.26 301.878,-2058.87"/> +<polygon fill="midnightblue" stroke="midnightblue" points="208.4,-1996.02 197.816,-1995.54 205.792,-2002.52 208.4,-1996.02"/> </g> <!-- Node56 --> <g id="node56" class="node"><title>Node56</title> -<g id="a_node56"><a xlink:href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_top" xlink:title="Basic function to simulate a pooling layer with the specified pooling operation. "> -<polygon fill="white" stroke="black" points="287.5,-1976.5 287.5,-1995.5 373.5,-1995.5 373.5,-1976.5 287.5,-1976.5"/> -<text text-anchor="middle" x="330.5" y="-1983.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPoolingLayer</text> +<g id="a_node56"><a xlink:href="classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml" target="_top" xlink:title="Basic function to run CLPixelWiseMultiplicationKernel. "> +<polygon fill="white" stroke="black" points="265,-2014.5 265,-2033.5 396,-2033.5 396,-2014.5 265,-2014.5"/> +<text text-anchor="middle" x="330.5" y="-2021.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPixelWiseMultiplication</text> </a> </g> </g> <!-- Node26->Node56 --> <g id="edge55" class="edge"><title>Node26->Node56</title> -<path fill="none" stroke="midnightblue" d="M215.826,-1973.52C239.334,-1976.1 265.822,-1979.01 287.311,-1981.37"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.934,-1970.01 205.612,-1972.39 215.17,-1976.96 215.934,-1970.01"/> +<path fill="none" stroke="midnightblue" d="M210.005,-1997.75C234.467,-2003.13 263.071,-2009.41 286.159,-2014.48"/> +<polygon fill="midnightblue" stroke="midnightblue" points="210.673,-1994.32 200.155,-1995.59 209.171,-2001.15 210.673,-1994.32"/> </g> <!-- Node57 --> <g id="node57" class="node"><title>Node57</title> -<g id="a_node57"><a xlink:href="classarm__compute_1_1_c_l_remap.xhtml" target="_top" xlink:title="Basic function to execute remap. "> -<polygon fill="white" stroke="black" points="300,-1938.5 300,-1957.5 361,-1957.5 361,-1938.5 300,-1938.5"/> -<text text-anchor="middle" x="330.5" y="-1945.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLRemap</text> +<g id="a_node57"><a xlink:href="classarm__compute_1_1_c_l_pooling_layer.xhtml" target="_top" xlink:title="Basic function to simulate a pooling layer with the specified pooling operation. "> +<polygon fill="white" stroke="black" points="287.5,-1976.5 287.5,-1995.5 373.5,-1995.5 373.5,-1976.5 287.5,-1976.5"/> +<text text-anchor="middle" x="330.5" y="-1983.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPoolingLayer</text> </a> </g> </g> <!-- Node26->Node57 --> <g id="edge56" class="edge"><title>Node26->Node57</title> -<path fill="none" stroke="midnightblue" d="M215.824,-1960.48C244.144,-1957.37 276.789,-1953.79 299.809,-1951.26"/> -<polygon fill="midnightblue" stroke="midnightblue" points="215.17,-1957.04 205.612,-1961.61 215.934,-1963.99 215.17,-1957.04"/> +<path fill="none" stroke="midnightblue" d="M215.826,-1986C239.334,-1986 265.822,-1986 287.311,-1986"/> +<polygon fill="midnightblue" stroke="midnightblue" points="215.612,-1982.5 205.612,-1986 215.612,-1989.5 215.612,-1982.5"/> </g> <!-- Node58 --> <g id="node58" class="node"><title>Node58</title> -<g id="a_node58"><a xlink:href="classarm__compute_1_1_c_l_scale.xhtml" target="_top" xlink:title="Basic function to run CLScaleKernel. "> -<polygon fill="white" stroke="black" points="303.5,-1900.5 303.5,-1919.5 357.5,-1919.5 357.5,-1900.5 303.5,-1900.5"/> -<text text-anchor="middle" x="330.5" y="-1907.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScale</text> +<g id="a_node58"><a xlink:href="classarm__compute_1_1_c_l_remap.xhtml" target="_top" xlink:title="Basic function to execute remap. "> +<polygon fill="white" stroke="black" points="300,-1938.5 300,-1957.5 361,-1957.5 361,-1938.5 300,-1938.5"/> +<text text-anchor="middle" x="330.5" y="-1945.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLRemap</text> </a> </g> </g> <!-- Node26->Node58 --> <g id="edge57" class="edge"><title>Node26->Node58</title> -<path fill="none" stroke="midnightblue" d="M188.003,-1953.57C206.925,-1945.79 231.599,-1936.15 254,-1929 270.224,-1923.82 288.767,-1919.14 303.416,-1915.71"/> -<polygon fill="midnightblue" stroke="midnightblue" points="186.567,-1950.37 178.675,-1957.44 189.253,-1956.84 186.567,-1950.37"/> +<path fill="none" stroke="midnightblue" d="M210.308,-1974.18C239.79,-1967.71 275.213,-1959.92 299.742,-1954.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="209.171,-1970.85 200.155,-1976.41 210.673,-1977.68 209.171,-1970.85"/> </g> <!-- Node59 --> <g id="node59" class="node"><title>Node59</title> -<g id="a_node59"><a xlink:href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_top" xlink:title="Basic function to execute scharr 3x3 filter. "> -<polygon fill="white" stroke="black" points="293.5,-1862.5 293.5,-1881.5 367.5,-1881.5 367.5,-1862.5 293.5,-1862.5"/> -<text text-anchor="middle" x="330.5" y="-1869.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScharr3x3</text> +<g id="a_node59"><a xlink:href="classarm__compute_1_1_c_l_scale.xhtml" target="_top" xlink:title="Basic function to run CLScaleKernel. "> +<polygon fill="white" stroke="black" points="303.5,-1900.5 303.5,-1919.5 357.5,-1919.5 357.5,-1900.5 303.5,-1900.5"/> +<text text-anchor="middle" x="330.5" y="-1907.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScale</text> </a> </g> </g> <!-- Node26->Node59 --> <g id="edge58" class="edge"><title>Node26->Node59</title> -<path fill="none" stroke="midnightblue" d="M173.591,-1950.01C191.951,-1932.69 222.727,-1906.27 254,-1891 266.267,-1885.01 280.606,-1880.79 293.473,-1877.87"/> -<polygon fill="midnightblue" stroke="midnightblue" points="170.846,-1947.79 166.071,-1957.25 175.702,-1952.83 170.846,-1947.79"/> +<path fill="none" stroke="midnightblue" d="M178.391,-1970.77C197.566,-1958.03 226.578,-1940.2 254,-1929 269.891,-1922.51 288.597,-1917.78 303.413,-1914.67"/> +<polygon fill="midnightblue" stroke="midnightblue" points="176.395,-1967.89 170.066,-1976.39 180.312,-1973.69 176.395,-1967.89"/> </g> <!-- Node60 --> <g id="node60" class="node"><title>Node60</title> -<g id="a_node60"><a xlink:href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_top" xlink:title="Basic function to execute sobel 3x3 filter. "> -<polygon fill="white" stroke="black" points="295.5,-1824.5 295.5,-1843.5 365.5,-1843.5 365.5,-1824.5 295.5,-1824.5"/> -<text text-anchor="middle" x="330.5" y="-1831.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel3x3</text> +<g id="a_node60"><a xlink:href="classarm__compute_1_1_c_l_scharr3x3.xhtml" target="_top" xlink:title="Basic function to execute scharr 3x3 filter. "> +<polygon fill="white" stroke="black" points="293.5,-1862.5 293.5,-1881.5 367.5,-1881.5 367.5,-1862.5 293.5,-1862.5"/> +<text text-anchor="middle" x="330.5" y="-1869.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScharr3x3</text> </a> </g> </g> <!-- Node26->Node60 --> <g id="edge59" class="edge"><title>Node26->Node60</title> -<path fill="none" stroke="midnightblue" d="M167.104,-1948.6C182.771,-1923.12 214.548,-1877.45 254,-1853 266.407,-1845.31 281.783,-1840.73 295.415,-1838"/> -<polygon fill="midnightblue" stroke="midnightblue" points="164.034,-1946.91 161.906,-1957.29 170.042,-1950.51 164.034,-1946.91"/> +<path fill="none" stroke="midnightblue" d="M169.824,-1968.2C186.925,-1946.64 218.639,-1910.75 254,-1891 266.036,-1884.28 280.466,-1879.89 293.473,-1877.05"/> +<polygon fill="midnightblue" stroke="midnightblue" points="166.971,-1966.17 163.616,-1976.22 172.506,-1970.45 166.971,-1966.17"/> </g> <!-- Node61 --> <g id="node61" class="node"><title>Node61</title> -<g id="a_node61"><a xlink:href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_top" xlink:title="Basic function to run CLTableLookupKernel. "> -<polygon fill="white" stroke="black" points="288,-1786.5 288,-1805.5 373,-1805.5 373,-1786.5 288,-1786.5"/> -<text text-anchor="middle" x="330.5" y="-1793.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTableLookup</text> +<g id="a_node61"><a xlink:href="classarm__compute_1_1_c_l_sobel3x3.xhtml" target="_top" xlink:title="Basic function to execute sobel 3x3 filter. "> +<polygon fill="white" stroke="black" points="295.5,-1824.5 295.5,-1843.5 365.5,-1843.5 365.5,-1824.5 295.5,-1824.5"/> +<text text-anchor="middle" x="330.5" y="-1831.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel3x3</text> </a> </g> </g> <!-- Node26->Node61 --> <g id="edge60" class="edge"><title>Node26->Node61</title> -<path fill="none" stroke="midnightblue" d="M163.401,-1947.69C176.07,-1915.1 206.207,-1849.37 254,-1815 263.876,-1807.9 276.139,-1803.44 287.891,-1800.65"/> -<polygon fill="midnightblue" stroke="midnightblue" points="160.001,-1946.79 159.773,-1957.38 166.557,-1949.24 160.001,-1946.79"/> +<path fill="none" stroke="midnightblue" d="M165.071,-1967.04C179.259,-1937.88 210.444,-1882.31 254,-1853 266.223,-1844.77 281.724,-1840.11 295.497,-1837.46"/> +<polygon fill="midnightblue" stroke="midnightblue" points="161.866,-1965.63 160.77,-1976.17 168.199,-1968.62 161.866,-1965.63"/> </g> <!-- Node62 --> <g id="node62" class="node"><title>Node62</title> -<g id="a_node62"><a xlink:href="classarm__compute_1_1_c_l_threshold.xhtml" target="_top" xlink:title="Basic function to run CLThresholdKernel. "> -<polygon fill="white" stroke="black" points="294.5,-1748.5 294.5,-1767.5 366.5,-1767.5 366.5,-1748.5 294.5,-1748.5"/> -<text text-anchor="middle" x="330.5" y="-1755.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLThreshold</text> +<g id="a_node62"><a xlink:href="classarm__compute_1_1_c_l_table_lookup.xhtml" target="_top" xlink:title="Basic function to run CLTableLookupKernel. "> +<polygon fill="white" stroke="black" points="288,-1786.5 288,-1805.5 373,-1805.5 373,-1786.5 288,-1786.5"/> +<text text-anchor="middle" x="330.5" y="-1793.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTableLookup</text> </a> </g> </g> <!-- Node26->Node62 --> <g id="edge61" class="edge"><title>Node26->Node62</title> -<path fill="none" stroke="midnightblue" d="M160.863,-1947.31C170.52,-1908.48 197.47,-1821.93 254,-1777 265.427,-1767.92 280.65,-1763.12 294.432,-1760.6"/> -<polygon fill="midnightblue" stroke="midnightblue" points="157.389,-1946.79 158.497,-1957.32 164.202,-1948.39 157.389,-1946.79"/> +<path fill="none" stroke="midnightblue" d="M161.916,-1966.79C172.993,-1931.13 201.714,-1854.71 254,-1815 263.687,-1807.64 275.895,-1803.11 287.653,-1800.33"/> +<polygon fill="midnightblue" stroke="midnightblue" points="158.535,-1965.88 159.038,-1976.47 165.244,-1967.88 158.535,-1965.88"/> </g> <!-- Node63 --> <g id="node63" class="node"><title>Node63</title> -<g id="a_node63"><a xlink:href="classarm__compute_1_1_c_l_transpose.xhtml" target="_top" xlink:title="Basic function to transpose a matrix on OpenCL. "> -<polygon fill="white" stroke="black" points="293,-1710.5 293,-1729.5 368,-1729.5 368,-1710.5 293,-1710.5"/> -<text text-anchor="middle" x="330.5" y="-1717.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTranspose</text> +<g id="a_node63"><a xlink:href="classarm__compute_1_1_c_l_threshold.xhtml" target="_top" xlink:title="Basic function to run CLThresholdKernel. "> +<polygon fill="white" stroke="black" points="294.5,-1748.5 294.5,-1767.5 366.5,-1767.5 366.5,-1748.5 294.5,-1748.5"/> +<text text-anchor="middle" x="330.5" y="-1755.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLThreshold</text> </a> </g> </g> <!-- Node26->Node63 --> <g id="edge62" class="edge"><title>Node26->Node63</title> -<path fill="none" stroke="midnightblue" d="M159,-1947.43C165.718,-1903.2 188.337,-1795.05 254,-1739 264.794,-1729.79 279.435,-1724.93 292.951,-1722.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="155.517,-1947.06 157.589,-1957.45 162.449,-1948.03 155.517,-1947.06"/> +<path fill="none" stroke="midnightblue" d="M159.852,-1966.36C168.015,-1924.76 192.923,-1827.45 254,-1777 265.254,-1767.7 280.45,-1762.87 294.259,-1760.39"/> +<polygon fill="midnightblue" stroke="midnightblue" points="156.387,-1965.85 158.014,-1976.32 163.271,-1967.12 156.387,-1965.85"/> </g> <!-- Node64 --> <g id="node64" class="node"><title>Node64</title> -<g id="a_node64"><a xlink:href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_top" xlink:title="Basic function to run CLWarpAffineKernel for AFFINE transformation. "> -<polygon fill="white" stroke="black" points="291.5,-1672.5 291.5,-1691.5 369.5,-1691.5 369.5,-1672.5 291.5,-1672.5"/> -<text text-anchor="middle" x="330.5" y="-1679.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpAffine</text> +<g id="a_node64"><a xlink:href="classarm__compute_1_1_c_l_transpose.xhtml" target="_top" xlink:title="Basic function to transpose a matrix on OpenCL. "> +<polygon fill="white" stroke="black" points="293,-1710.5 293,-1729.5 368,-1729.5 368,-1710.5 293,-1710.5"/> +<text text-anchor="middle" x="330.5" y="-1717.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTranspose</text> </a> </g> </g> <!-- Node26->Node64 --> <g id="edge63" class="edge"><title>Node26->Node64</title> -<path fill="none" stroke="midnightblue" d="M157.671,-1947.25C161.696,-1897.9 179.225,-1768.32 254,-1701 264.145,-1691.87 278.037,-1686.98 291.14,-1684.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="154.177,-1947.04 156.955,-1957.26 161.16,-1947.53 154.177,-1947.04"/> +<path fill="none" stroke="midnightblue" d="M158.282,-1966.41C163.62,-1919.63 183.759,-1800.69 254,-1739 264.663,-1729.63 279.281,-1724.76 292.815,-1722.26"/> +<polygon fill="midnightblue" stroke="midnightblue" points="154.793,-1966.13 157.244,-1976.44 161.755,-1966.85 154.793,-1966.13"/> </g> <!-- Node65 --> <g id="node65" class="node"><title>Node65</title> -<g id="a_node65"><a xlink:href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_top" xlink:title="Basic function to run CLWarpPerspectiveKernel for PERSPECTIVE transformation. "> -<polygon fill="white" stroke="black" points="278.5,-1634.5 278.5,-1653.5 382.5,-1653.5 382.5,-1634.5 278.5,-1634.5"/> -<text text-anchor="middle" x="330.5" y="-1641.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpPerspective</text> +<g id="a_node65"><a xlink:href="classarm__compute_1_1_c_l_warp_affine.xhtml" target="_top" xlink:title="Basic function to run CLWarpAffineKernel for AFFINE transformation. "> +<polygon fill="white" stroke="black" points="291.5,-1672.5 291.5,-1691.5 369.5,-1691.5 369.5,-1672.5 291.5,-1672.5"/> +<text text-anchor="middle" x="330.5" y="-1679.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpAffine</text> </a> </g> </g> <!-- Node26->Node65 --> <g id="edge64" class="edge"><title>Node26->Node65</title> -<path fill="none" stroke="midnightblue" d="M156.635,-1947.07C158.133,-1892.91 170.02,-1741.78 254,-1663 260.802,-1656.62 269.422,-1652.3 278.386,-1649.39"/> -<polygon fill="midnightblue" stroke="midnightblue" points="153.131,-1947.3 156.449,-1957.36 160.13,-1947.43 153.131,-1947.3"/> +<path fill="none" stroke="midnightblue" d="M157.118,-1966.27C159.845,-1914.57 174.577,-1774.08 254,-1701 264.145,-1691.66 278.192,-1686.75 291.42,-1684.22"/> +<polygon fill="midnightblue" stroke="midnightblue" points="153.614,-1966.27 156.682,-1976.41 160.608,-1966.57 153.614,-1966.27"/> </g> -<!-- Node67 --> -<g id="node67" class="node"><title>Node67</title> -<g id="a_node67"><a xlink:href="classarm__compute_1_1_n_e_absolute_difference.xhtml" target="_top" xlink:title="Basic function to run NEAbsoluteDifferenceKernel. "> +<!-- Node66 --> +<g id="node66" class="node"><title>Node66</title> +<g id="a_node66"><a xlink:href="classarm__compute_1_1_c_l_warp_perspective.xhtml" target="_top" xlink:title="Basic function to run CLWarpPerspectiveKernel for PERSPECTIVE transformation. "> +<polygon fill="white" stroke="black" points="278.5,-1634.5 278.5,-1653.5 382.5,-1653.5 382.5,-1634.5 278.5,-1634.5"/> +<text text-anchor="middle" x="330.5" y="-1641.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpPerspective</text> +</a> +</g> +</g> +<!-- Node26->Node66 --> +<g id="edge65" class="edge"><title>Node26->Node66</title> +<path fill="none" stroke="midnightblue" d="M156.195,-1966.34C156.449,-1910.19 165.201,-1747.75 254,-1663 260.747,-1656.56 269.341,-1652.21 278.298,-1649.3"/> +<polygon fill="midnightblue" stroke="midnightblue" points="152.695,-1966.38 156.24,-1976.37 159.695,-1966.35 152.695,-1966.38"/> +</g> +<!-- Node68 --> +<g id="node68" class="node"><title>Node68</title> +<g id="a_node68"><a xlink:href="classarm__compute_1_1_n_e_absolute_difference.xhtml" target="_top" xlink:title="Basic function to run NEAbsoluteDifferenceKernel. "> <polygon fill="white" stroke="black" points="273.5,-1596.5 273.5,-1615.5 387.5,-1615.5 387.5,-1596.5 273.5,-1596.5"/> <text text-anchor="middle" x="330.5" y="-1603.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAbsoluteDifference</text> </a> </g> </g> -<!-- Node66->Node67 --> -<g id="edge66" class="edge"><title>Node66->Node67</title> +<!-- Node67->Node68 --> +<g id="edge67" class="edge"><title>Node67->Node68</title> <path fill="none" stroke="midnightblue" d="M155.807,-1264.63C154.882,-1322.89 160.486,-1496.36 254,-1587 259.435,-1592.27 266.105,-1596.14 273.21,-1598.98"/> <polygon fill="midnightblue" stroke="midnightblue" points="159.307,-1264.66 156.055,-1254.58 152.309,-1264.49 159.307,-1264.66"/> </g> -<!-- Node68 --> -<g id="node68" class="node"><title>Node68</title> -<g id="a_node68"><a xlink:href="classarm__compute_1_1_n_e_accumulate.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateKernel. "> +<!-- Node69 --> +<g id="node69" class="node"><title>Node69</title> +<g id="a_node69"><a xlink:href="classarm__compute_1_1_n_e_accumulate.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateKernel. "> <polygon fill="white" stroke="black" points="289,-1558.5 289,-1577.5 372,-1577.5 372,-1558.5 289,-1558.5"/> <text text-anchor="middle" x="330.5" y="-1565.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulate</text> </a> </g> </g> -<!-- Node66->Node68 --> -<g id="edge67" class="edge"><title>Node66->Node68</title> +<!-- Node67->Node69 --> +<g id="edge68" class="edge"><title>Node67->Node69</title> <path fill="none" stroke="midnightblue" d="M156.635,-1264.93C158.133,-1319.09 170.02,-1470.22 254,-1549 263.463,-1557.88 276.446,-1562.77 288.978,-1565.42"/> <polygon fill="midnightblue" stroke="midnightblue" points="160.13,-1264.57 156.449,-1254.64 153.131,-1264.7 160.13,-1264.57"/> </g> -<!-- Node69 --> -<g id="node69" class="node"><title>Node69</title> -<g id="a_node69"><a xlink:href="classarm__compute_1_1_n_e_accumulate_squared.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateSquaredKernel. "> +<!-- Node70 --> +<g id="node70" class="node"><title>Node70</title> +<g id="a_node70"><a xlink:href="classarm__compute_1_1_n_e_accumulate_squared.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateSquaredKernel. "> <polygon fill="white" stroke="black" points="271,-1520.5 271,-1539.5 390,-1539.5 390,-1520.5 271,-1520.5"/> <text text-anchor="middle" x="330.5" y="-1527.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateSquared</text> </a> </g> </g> -<!-- Node66->Node69 --> -<g id="edge68" class="edge"><title>Node66->Node69</title> +<!-- Node67->Node70 --> +<g id="edge69" class="edge"><title>Node67->Node70</title> <path fill="none" stroke="midnightblue" d="M157.671,-1264.75C161.696,-1314.1 179.225,-1443.68 254,-1511 258.922,-1515.43 264.726,-1518.86 270.894,-1521.51"/> <polygon fill="midnightblue" stroke="midnightblue" points="161.16,-1264.47 156.955,-1254.74 154.177,-1264.96 161.16,-1264.47"/> </g> -<!-- Node70 --> -<g id="node70" class="node"><title>Node70</title> -<g id="a_node70"><a xlink:href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateWeightedKernel. "> +<!-- Node71 --> +<g id="node71" class="node"><title>Node71</title> +<g id="a_node71"><a xlink:href="classarm__compute_1_1_n_e_accumulate_weighted.xhtml" target="_top" xlink:title="Basic function to run NEAccumulateWeightedKernel. "> <polygon fill="white" stroke="black" points="268.5,-1482.5 268.5,-1501.5 392.5,-1501.5 392.5,-1482.5 268.5,-1482.5"/> <text text-anchor="middle" x="330.5" y="-1489.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateWeighted</text> </a> </g> </g> -<!-- Node66->Node70 --> -<g id="edge69" class="edge"><title>Node66->Node70</title> +<!-- Node67->Node71 --> +<g id="edge70" class="edge"><title>Node67->Node71</title> <path fill="none" stroke="midnightblue" d="M159,-1264.57C165.718,-1308.8 188.337,-1416.95 254,-1473 258.523,-1476.86 263.722,-1479.96 269.23,-1482.44"/> <polygon fill="midnightblue" stroke="midnightblue" points="162.449,-1263.97 157.589,-1254.55 155.517,-1264.94 162.449,-1263.97"/> </g> -<!-- Node71 --> -<g id="node71" class="node"><title>Node71</title> -<g id="a_node71"><a xlink:href="classarm__compute_1_1_n_e_activation_layer.xhtml" target="_top" xlink:title="Basic function to run NEActivationLayerKernel. "> +<!-- Node72 --> +<g id="node72" class="node"><title>Node72</title> +<g id="a_node72"><a xlink:href="classarm__compute_1_1_n_e_activation_layer.xhtml" target="_top" xlink:title="Basic function to run NEActivationLayerKernel. "> <polygon fill="white" stroke="black" points="281.5,-1444.5 281.5,-1463.5 379.5,-1463.5 379.5,-1444.5 281.5,-1444.5"/> <text text-anchor="middle" x="330.5" y="-1451.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEActivationLayer</text> </a> </g> </g> -<!-- Node66->Node71 --> -<g id="edge70" class="edge"><title>Node66->Node71</title> +<!-- Node67->Node72 --> +<g id="edge71" class="edge"><title>Node67->Node72</title> <path fill="none" stroke="midnightblue" d="M160.863,-1264.69C170.52,-1303.52 197.47,-1390.07 254,-1435 261.83,-1441.22 271.442,-1445.44 281.151,-1448.28"/> <polygon fill="midnightblue" stroke="midnightblue" points="164.202,-1263.61 158.497,-1254.68 157.389,-1265.21 164.202,-1263.61"/> </g> -<!-- Node72 --> -<g id="node72" class="node"><title>Node72</title> -<g id="a_node72"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml" target="_top" xlink:title="Basic function to run NEArithmeticAdditionKernel. "> +<!-- Node73 --> +<g id="node73" class="node"><title>Node73</title> +<g id="a_node73"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_addition.xhtml" target="_top" xlink:title="Basic function to run NEArithmeticAdditionKernel. "> <polygon fill="white" stroke="black" points="275.5,-1406.5 275.5,-1425.5 385.5,-1425.5 385.5,-1406.5 275.5,-1406.5"/> <text text-anchor="middle" x="330.5" y="-1413.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticAddition</text> </a> </g> </g> -<!-- Node66->Node72 --> -<g id="edge71" class="edge"><title>Node66->Node72</title> +<!-- Node67->Node73 --> +<g id="edge72" class="edge"><title>Node67->Node73</title> <path fill="none" stroke="midnightblue" d="M163.401,-1264.31C176.07,-1296.9 206.207,-1362.63 254,-1397 260.364,-1401.58 267.72,-1405.06 275.292,-1407.7"/> <polygon fill="midnightblue" stroke="midnightblue" points="166.557,-1262.76 159.773,-1254.62 160.001,-1265.21 166.557,-1262.76"/> </g> -<!-- Node73 --> -<g id="node73" class="node"><title>Node73</title> -<g id="a_node73"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" target="_top" xlink:title="Basic function to run NEArithmeticSubtractionKernel. "> +<!-- Node74 --> +<g id="node74" class="node"><title>Node74</title> +<g id="a_node74"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml" target="_top" xlink:title="Basic function to run NEArithmeticSubtractionKernel. "> <polygon fill="white" stroke="black" points="268,-1368.5 268,-1387.5 393,-1387.5 393,-1368.5 268,-1368.5"/> <text text-anchor="middle" x="330.5" y="-1375.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticSubtraction</text> </a> </g> </g> -<!-- Node66->Node73 --> -<g id="edge72" class="edge"><title>Node66->Node73</title> +<!-- Node67->Node74 --> +<g id="edge73" class="edge"><title>Node67->Node74</title> <path fill="none" stroke="midnightblue" d="M167.104,-1263.4C182.771,-1288.88 214.548,-1334.55 254,-1359 260.319,-1362.92 267.407,-1366.03 274.643,-1368.5"/> <polygon fill="midnightblue" stroke="midnightblue" points="170.042,-1261.49 161.906,-1254.71 164.034,-1265.09 170.042,-1261.49"/> </g> -<!-- Node74 --> -<g id="node74" class="node"><title>Node74</title> -<g id="a_node74"><a xlink:href="classarm__compute_1_1_n_e_bitwise_and.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseAndKernel. "> +<!-- Node75 --> +<g id="node75" class="node"><title>Node75</title> +<g id="a_node75"><a xlink:href="classarm__compute_1_1_n_e_bitwise_and.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseAndKernel. "> <polygon fill="white" stroke="black" points="290.5,-1330.5 290.5,-1349.5 370.5,-1349.5 370.5,-1330.5 290.5,-1330.5"/> <text text-anchor="middle" x="330.5" y="-1337.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseAnd</text> </a> </g> </g> -<!-- Node66->Node74 --> -<g id="edge73" class="edge"><title>Node66->Node74</title> +<!-- Node67->Node75 --> +<g id="edge74" class="edge"><title>Node67->Node75</title> <path fill="none" stroke="midnightblue" d="M173.591,-1261.99C191.951,-1279.31 222.727,-1305.73 254,-1321 265.295,-1326.52 278.348,-1330.53 290.39,-1333.41"/> <polygon fill="midnightblue" stroke="midnightblue" points="175.702,-1259.17 166.071,-1254.75 170.846,-1264.21 175.702,-1259.17"/> </g> -<!-- Node75 --> -<g id="node75" class="node"><title>Node75</title> -<g id="a_node75"><a xlink:href="classarm__compute_1_1_n_e_bitwise_not.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseNotKernel. "> +<!-- Node76 --> +<g id="node76" class="node"><title>Node76</title> +<g id="a_node76"><a xlink:href="classarm__compute_1_1_n_e_bitwise_not.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseNotKernel. "> <polygon fill="white" stroke="black" points="291,-1292.5 291,-1311.5 370,-1311.5 370,-1292.5 291,-1292.5"/> <text text-anchor="middle" x="330.5" y="-1299.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseNot</text> </a> </g> </g> -<!-- Node66->Node75 --> -<g id="edge74" class="edge"><title>Node66->Node75</title> +<!-- Node67->Node76 --> +<g id="edge75" class="edge"><title>Node67->Node76</title> <path fill="none" stroke="midnightblue" d="M188.003,-1258.43C206.925,-1266.21 231.599,-1275.85 254,-1283 265.846,-1286.78 278.928,-1290.3 290.829,-1293.25"/> <polygon fill="midnightblue" stroke="midnightblue" points="189.253,-1255.16 178.675,-1254.56 186.567,-1261.63 189.253,-1255.16"/> </g> -<!-- Node76 --> -<g id="node76" class="node"><title>Node76</title> -<g id="a_node76"><a xlink:href="classarm__compute_1_1_n_e_bitwise_or.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseOrKernel. "> +<!-- Node77 --> +<g id="node77" class="node"><title>Node77</title> +<g id="a_node77"><a xlink:href="classarm__compute_1_1_n_e_bitwise_or.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseOrKernel. "> <polygon fill="white" stroke="black" points="293.5,-1254.5 293.5,-1273.5 367.5,-1273.5 367.5,-1254.5 293.5,-1254.5"/> <text text-anchor="middle" x="330.5" y="-1261.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseOr</text> </a> </g> </g> -<!-- Node66->Node76 --> -<g id="edge75" class="edge"><title>Node66->Node76</title> +<!-- Node67->Node77 --> +<g id="edge76" class="edge"><title>Node67->Node77</title> <path fill="none" stroke="midnightblue" d="M216.103,-1251.55C241.814,-1254.37 271.045,-1257.58 293.389,-1260.03"/> <polygon fill="midnightblue" stroke="midnightblue" points="216.397,-1248.06 206.075,-1250.44 215.633,-1255.02 216.397,-1248.06"/> </g> -<!-- Node77 --> -<g id="node77" class="node"><title>Node77</title> -<g id="a_node77"><a xlink:href="classarm__compute_1_1_n_e_bitwise_xor.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseXorKernel. "> +<!-- Node78 --> +<g id="node78" class="node"><title>Node78</title> +<g id="a_node78"><a xlink:href="classarm__compute_1_1_n_e_bitwise_xor.xhtml" target="_top" xlink:title="Basic function to run NEBitwiseXorKernel. "> <polygon fill="white" stroke="black" points="291.5,-1216.5 291.5,-1235.5 369.5,-1235.5 369.5,-1216.5 291.5,-1216.5"/> <text text-anchor="middle" x="330.5" y="-1223.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseXor</text> </a> </g> </g> -<!-- Node66->Node77 --> -<g id="edge76" class="edge"><title>Node66->Node77</title> +<!-- Node67->Node78 --> +<g id="edge77" class="edge"><title>Node67->Node78</title> <path fill="none" stroke="midnightblue" d="M216.179,-1238.45C241.14,-1235.7 269.409,-1232.6 291.468,-1230.18"/> <polygon fill="midnightblue" stroke="midnightblue" points="215.633,-1234.98 206.075,-1239.56 216.397,-1241.94 215.633,-1234.98"/> </g> -<!-- Node78 --> -<g id="node78" class="node"><title>Node78</title> -<g id="a_node78"><a xlink:href="classarm__compute_1_1_n_e_box3x3.xhtml" target="_top" xlink:title="Basic function to execute box filter 3x3. "> +<!-- Node79 --> +<g id="node79" class="node"><title>Node79</title> +<g id="a_node79"><a xlink:href="classarm__compute_1_1_n_e_box3x3.xhtml" target="_top" xlink:title="Basic function to execute box filter 3x3. "> <polygon fill="white" stroke="black" points="298.5,-1178.5 298.5,-1197.5 362.5,-1197.5 362.5,-1178.5 298.5,-1178.5"/> <text text-anchor="middle" x="330.5" y="-1185.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBox3x3</text> </a> </g> </g> -<!-- Node66->Node78 --> -<g id="edge77" class="edge"><title>Node66->Node78</title> +<!-- Node67->Node79 --> +<g id="edge78" class="edge"><title>Node67->Node79</title> <path fill="none" stroke="midnightblue" d="M201.015,-1232.33C206.789,-1230.37 212.576,-1228.25 218,-1226 234.715,-1219.08 237.107,-1213.48 254,-1207 268.261,-1201.53 284.643,-1197.19 298.494,-1194.04"/> <polygon fill="midnightblue" stroke="midnightblue" points="199.809,-1229.04 191.379,-1235.46 201.971,-1235.7 199.809,-1229.04"/> </g> -<!-- Node79 --> -<g id="node79" class="node"><title>Node79</title> -<g id="a_node79"><a xlink:href="classarm__compute_1_1_n_e_channel_combine.xhtml" target="_top" xlink:title="Basic function to run NEChannelCombineKernel to perform channel combination. "> +<!-- Node80 --> +<g id="node80" class="node"><title>Node80</title> +<g id="a_node80"><a xlink:href="classarm__compute_1_1_n_e_channel_combine.xhtml" target="_top" xlink:title="Basic function to run NEChannelCombineKernel to perform channel combination. "> <polygon fill="white" stroke="black" points="277.5,-1140.5 277.5,-1159.5 383.5,-1159.5 383.5,-1140.5 277.5,-1140.5"/> <text text-anchor="middle" x="330.5" y="-1147.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelCombine</text> </a> </g> </g> -<!-- Node66->Node79 --> -<g id="edge78" class="edge"><title>Node66->Node79</title> +<!-- Node67->Node80 --> +<g id="edge79" class="edge"><title>Node67->Node80</title> <path fill="none" stroke="midnightblue" d="M210.159,-1231.09C212.914,-1229.57 215.55,-1227.88 218,-1226 241.788,-1207.78 229.736,-1186.58 254,-1169 260.896,-1164 268.97,-1160.32 277.225,-1157.6"/> <polygon fill="midnightblue" stroke="midnightblue" points="208.573,-1227.97 201.044,-1235.43 211.578,-1234.3 208.573,-1227.97"/> </g> -<!-- Node80 --> -<g id="node80" class="node"><title>Node80</title> -<g id="a_node80"><a xlink:href="classarm__compute_1_1_n_e_channel_extract.xhtml" target="_top" xlink:title="Basic function to run NEChannelExtractKernel to perform channel extraction. "> +<!-- Node81 --> +<g id="node81" class="node"><title>Node81</title> +<g id="a_node81"><a xlink:href="classarm__compute_1_1_n_e_channel_extract.xhtml" target="_top" xlink:title="Basic function to run NEChannelExtractKernel to perform channel extraction. "> <polygon fill="white" stroke="black" points="281.5,-1102.5 281.5,-1121.5 379.5,-1121.5 379.5,-1102.5 281.5,-1102.5"/> <text text-anchor="middle" x="330.5" y="-1109.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelExtract</text> </a> </g> </g> -<!-- Node66->Node80 --> -<g id="edge79" class="edge"><title>Node66->Node80</title> +<!-- Node67->Node81 --> +<g id="edge80" class="edge"><title>Node67->Node81</title> <path fill="none" stroke="midnightblue" d="M212.58,-1230.37C214.495,-1229.04 216.312,-1227.59 218,-1226 250.911,-1195.09 220.28,-1161.03 254,-1131 261.671,-1124.17 271.442,-1119.72 281.39,-1116.84"/> <polygon fill="midnightblue" stroke="midnightblue" points="210.605,-1227.47 203.659,-1235.47 214.078,-1233.55 210.605,-1227.47"/> </g> -<!-- Node81 --> -<g id="node81" class="node"><title>Node81</title> -<g id="a_node81"><a xlink:href="classarm__compute_1_1_n_e_color_convert.xhtml" target="_top" xlink:title="Basic function to run NEColorConvertKernel to perform color conversion. "> +<!-- Node82 --> +<g id="node82" class="node"><title>Node82</title> +<g id="a_node82"><a xlink:href="classarm__compute_1_1_n_e_color_convert.xhtml" target="_top" xlink:title="Basic function to run NEColorConvertKernel to perform color conversion. "> <polygon fill="white" stroke="black" points="286,-1064.5 286,-1083.5 375,-1083.5 375,-1064.5 286,-1064.5"/> <text text-anchor="middle" x="330.5" y="-1071.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEColorConvert</text> </a> </g> </g> -<!-- Node66->Node81 --> -<g id="edge80" class="edge"><title>Node66->Node81</title> +<!-- Node67->Node82 --> +<g id="edge81" class="edge"><title>Node67->Node82</title> <path fill="none" stroke="midnightblue" d="M213.508,-1230.02C215.098,-1228.78 216.603,-1227.45 218,-1226 260.531,-1181.94 210.314,-1135.91 254,-1093 262.582,-1084.57 274.322,-1079.7 285.987,-1076.95"/> <polygon fill="midnightblue" stroke="midnightblue" points="211.555,-1227.12 204.946,-1235.4 215.277,-1233.04 211.555,-1227.12"/> </g> -<!-- Node82 --> -<g id="node82" class="node"><title>Node82</title> -<g id="a_node82"><a xlink:href="classarm__compute_1_1_n_e_convolution3x3.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 3x3. "> +<!-- Node83 --> +<g id="node83" class="node"><title>Node83</title> +<g id="a_node83"><a xlink:href="classarm__compute_1_1_n_e_convolution3x3.xhtml" target="_top" xlink:title="Basic function to execute convolution of size 3x3. "> <polygon fill="white" stroke="black" points="281.5,-1026.5 281.5,-1045.5 379.5,-1045.5 379.5,-1026.5 281.5,-1026.5"/> <text text-anchor="middle" x="330.5" y="-1033.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolution3x3</text> </a> </g> </g> -<!-- Node66->Node82 --> -<g id="edge81" class="edge"><title>Node66->Node82</title> +<!-- Node67->Node83 --> +<g id="edge82" class="edge"><title>Node67->Node83</title> <path fill="none" stroke="midnightblue" d="M214.093,-1229.73C215.476,-1228.58 216.783,-1227.33 218,-1226 270.331,-1168.61 200.164,-1110.98 254,-1055 261.308,-1047.4 271.172,-1042.67 281.355,-1039.76"/> <polygon fill="midnightblue" stroke="midnightblue" points="211.869,-1227.01 205.466,-1235.45 215.735,-1232.84 211.869,-1227.01"/> </g> -<!-- Node83 --> -<g id="node83" class="node"><title>Node83</title> -<g id="a_node83"><a xlink:href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml" target="_top" xlink:title="Basic function to execute non-square convolution. "> +<!-- Node84 --> +<g id="node84" class="node"><title>Node84</title> +<g id="a_node84"><a xlink:href="classarm__compute_1_1_n_e_convolution_rectangle.xhtml" target="_top" xlink:title="Basic function to execute non-square convolution. "> <polygon fill="white" stroke="black" points="267,-988.5 267,-1007.5 394,-1007.5 394,-988.5 267,-988.5"/> <text text-anchor="middle" x="330.5" y="-995.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionRectangle</text> </a> </g> </g> -<!-- Node66->Node83 --> -<g id="edge82" class="edge"><title>Node66->Node83</title> +<!-- Node67->Node84 --> +<g id="edge83" class="edge"><title>Node67->Node84</title> <path fill="none" stroke="midnightblue" d="M214.245,-1229.71C215.577,-1228.56 216.834,-1227.33 218,-1226 280.213,-1155.19 189.929,-1086.13 254,-1017 257.675,-1013.03 262.045,-1009.84 266.803,-1007.28"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.186,-1226.88 205.907,-1235.42 216.137,-1232.66 212.186,-1226.88"/> </g> -<!-- Node84 --> -<g id="node84" class="node"><title>Node84</title> -<g id="a_node84"><a xlink:href="classarm__compute_1_1_n_e_depth_convert.xhtml" target="_top" xlink:title="Basic function to run NEDepthConvertKernel. "> +<!-- Node85 --> +<g id="node85" class="node"><title>Node85</title> +<g id="a_node85"><a xlink:href="classarm__compute_1_1_n_e_depth_convert.xhtml" target="_top" xlink:title="Basic function to run NEDepthConvertKernel. "> <polygon fill="white" stroke="black" points="284.5,-950.5 284.5,-969.5 376.5,-969.5 376.5,-950.5 284.5,-950.5"/> <text text-anchor="middle" x="330.5" y="-957.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDepthConvert</text> </a> </g> </g> -<!-- Node66->Node84 --> -<g id="edge83" class="edge"><title>Node66->Node84</title> +<!-- Node67->Node85 --> +<g id="edge84" class="edge"><title>Node67->Node85</title> <path fill="none" stroke="midnightblue" d="M214.291,-1229.75C215.609,-1228.59 216.851,-1227.34 218,-1226 290.14,-1141.72 179.648,-1061.33 254,-979 261.791,-970.373 272.867,-965.398 284.143,-962.595"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.227,-1226.93 206.008,-1235.5 216.219,-1232.68 212.227,-1226.93"/> </g> -<!-- Node85 --> -<g id="node85" class="node"><title>Node85</title> -<g id="a_node85"><a xlink:href="classarm__compute_1_1_n_e_dilate.xhtml" target="_top" xlink:title="Basic function to execute dilate. "> +<!-- Node86 --> +<g id="node86" class="node"><title>Node86</title> +<g id="a_node86"><a xlink:href="classarm__compute_1_1_n_e_dilate.xhtml" target="_top" xlink:title="Basic function to execute dilate. "> <polygon fill="white" stroke="black" points="302.5,-912.5 302.5,-931.5 358.5,-931.5 358.5,-912.5 302.5,-912.5"/> <text text-anchor="middle" x="330.5" y="-919.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDilate</text> </a> </g> </g> -<!-- Node66->Node85 --> -<g id="edge84" class="edge"><title>Node66->Node85</title> +<!-- Node67->Node86 --> +<g id="edge85" class="edge"><title>Node67->Node86</title> <path fill="none" stroke="midnightblue" d="M214.325,-1229.78C215.633,-1228.61 216.864,-1227.35 218,-1226 300.093,-1128.22 169.34,-1036.57 254,-941 265.92,-927.544 285.833,-922.941 302.216,-921.625"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.257,-1226.96 206.084,-1235.57 216.28,-1232.69 212.257,-1226.96"/> </g> -<!-- Node86 --> -<g id="node86" class="node"><title>Node86</title> -<g id="a_node86"><a xlink:href="classarm__compute_1_1_n_e_erode.xhtml" target="_top" xlink:title="Basic function to execute erode. "> +<!-- Node87 --> +<g id="node87" class="node"><title>Node87</title> +<g id="a_node87"><a xlink:href="classarm__compute_1_1_n_e_erode.xhtml" target="_top" xlink:title="Basic function to execute erode. "> <polygon fill="white" stroke="black" points="302.5,-874.5 302.5,-893.5 358.5,-893.5 358.5,-874.5 302.5,-874.5"/> <text text-anchor="middle" x="330.5" y="-881.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEErode</text> </a> </g> </g> -<!-- Node66->Node86 --> -<g id="edge85" class="edge"><title>Node66->Node86</title> +<!-- Node67->Node87 --> +<g id="edge86" class="edge"><title>Node67->Node87</title> <path fill="none" stroke="midnightblue" d="M214.351,-1229.8C215.652,-1228.63 216.874,-1227.36 218,-1226 310.064,-1114.7 159.013,-1011.82 254,-903 265.821,-889.457 285.738,-884.858 302.148,-883.564"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.281,-1226.98 206.142,-1235.62 216.326,-1232.69 212.281,-1226.98"/> </g> -<!-- Node87 --> -<g id="node87" class="node"><title>Node87</title> -<g id="a_node87"><a xlink:href="classarm__compute_1_1_n_e_gaussian3x3.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 3x3. "> +<!-- Node88 --> +<g id="node88" class="node"><title>Node88</title> +<g id="a_node88"><a xlink:href="classarm__compute_1_1_n_e_gaussian3x3.xhtml" target="_top" xlink:title="Basic function to execute gaussian filter 3x3. "> <polygon fill="white" stroke="black" points="286.5,-836.5 286.5,-855.5 374.5,-855.5 374.5,-836.5 286.5,-836.5"/> <text text-anchor="middle" x="330.5" y="-843.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian3x3</text> </a> </g> </g> -<!-- Node66->Node87 --> -<g id="edge86" class="edge"><title>Node66->Node87</title> +<!-- Node67->Node88 --> +<g id="edge87" class="edge"><title>Node67->Node88</title> <path fill="none" stroke="midnightblue" d="M214.372,-1229.82C215.667,-1228.64 216.882,-1227.37 218,-1226 320.047,-1101.16 148.675,-987.086 254,-865 262.123,-855.585 274.158,-850.483 286.245,-847.81"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.3,-1227 206.189,-1235.65 216.363,-1232.7 212.3,-1227"/> </g> -<!-- Node88 --> -<g id="node88" class="node"><title>Node88</title> -<g id="a_node88"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" target="_top" xlink:title="Basic function to execute NEGEMMInterleave4x4Kernel. "> +<!-- Node89 --> +<g id="node89" class="node"><title>Node89</title> +<g id="a_node89"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml" target="_top" xlink:title="Basic function to execute NEGEMMInterleave4x4Kernel. "> <polygon fill="white" stroke="black" points="270.5,-798.5 270.5,-817.5 390.5,-817.5 390.5,-798.5 270.5,-798.5"/> <text text-anchor="middle" x="330.5" y="-805.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMInterleave4x4</text> </a> </g> </g> -<!-- Node66->Node88 --> -<g id="edge87" class="edge"><title>Node66->Node88</title> +<!-- Node67->Node89 --> +<g id="edge88" class="edge"><title>Node67->Node89</title> <path fill="none" stroke="midnightblue" d="M214.389,-1229.84C215.679,-1228.65 216.888,-1227.37 218,-1226 274.019,-1156.81 196.164,-894.681 254,-827 258.478,-821.759 264.169,-817.853 270.41,-814.957"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.316,-1227.01 206.227,-1235.69 216.394,-1232.7 212.316,-1227.01"/> </g> -<!-- Node89 --> -<g id="node89" class="node"><title>Node89</title> -<g id="a_node89"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" target="_top" xlink:title="Basic function to execute NEGEMMTranspose1xWKernel. "> +<!-- Node90 --> +<g id="node90" class="node"><title>Node90</title> +<g id="a_node90"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml" target="_top" xlink:title="Basic function to execute NEGEMMTranspose1xWKernel. "> <polygon fill="white" stroke="black" points="266.5,-760.5 266.5,-779.5 394.5,-779.5 394.5,-760.5 266.5,-760.5"/> <text text-anchor="middle" x="330.5" y="-767.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMTranspose1xW</text> </a> </g> </g> -<!-- Node66->Node89 --> -<g id="edge88" class="edge"><title>Node66->Node89</title> +<!-- Node67->Node90 --> +<g id="edge89" class="edge"><title>Node67->Node90</title> <path fill="none" stroke="midnightblue" d="M214.403,-1229.85C215.689,-1228.66 216.893,-1227.38 218,-1226 279.017,-1150.03 190.987,-863.323 254,-789 257.496,-784.876 261.743,-781.577 266.421,-778.946"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.329,-1227.03 206.258,-1235.71 216.419,-1232.71 212.329,-1227.03"/> </g> -<!-- Node90 --> -<g id="node90" class="node"><title>Node90</title> -<g id="a_node90"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml" target="_top" xlink:title="Basic function to execute HOG detector based on linear SVM. "> +<!-- Node91 --> +<g id="node91" class="node"><title>Node91</title> +<g id="a_node91"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_detector.xhtml" target="_top" xlink:title="Basic function to execute HOG detector based on linear SVM. "> <polygon fill="white" stroke="black" points="285,-722.5 285,-741.5 376,-741.5 376,-722.5 285,-722.5"/> <text text-anchor="middle" x="330.5" y="-729.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGDetector</text> </a> </g> </g> -<!-- Node66->Node90 --> -<g id="edge89" class="edge"><title>Node66->Node90</title> +<!-- Node67->Node91 --> +<g id="edge90" class="edge"><title>Node67->Node91</title> <path fill="none" stroke="midnightblue" d="M214.415,-1229.86C215.697,-1228.66 216.898,-1227.38 218,-1226 284.018,-1143.25 185.808,-831.968 254,-751 261.749,-741.799 273.236,-736.699 284.924,-733.961"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.34,-1227.04 206.285,-1235.73 216.44,-1232.71 212.34,-1227.04"/> </g> -<!-- Node91 --> -<g id="node91" class="node"><title>Node91</title> -<g id="a_node91"><a xlink:href="classarm__compute_1_1_n_e_integral_image.xhtml" target="_top" xlink:title="Basic function to run a NEIntegralImageKernel. "> +<!-- Node92 --> +<g id="node92" class="node"><title>Node92</title> +<g id="a_node92"><a xlink:href="classarm__compute_1_1_n_e_integral_image.xhtml" target="_top" xlink:title="Basic function to run a NEIntegralImageKernel. "> <polygon fill="white" stroke="black" points="285.5,-684.5 285.5,-703.5 375.5,-703.5 375.5,-684.5 285.5,-684.5"/> <text text-anchor="middle" x="330.5" y="-691.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEIntegralImage</text> </a> </g> </g> -<!-- Node66->Node91 --> -<g id="edge90" class="edge"><title>Node66->Node91</title> +<!-- Node67->Node92 --> +<g id="edge91" class="edge"><title>Node67->Node92</title> <path fill="none" stroke="midnightblue" d="M214.341,-1229.94C215.653,-1228.73 216.878,-1227.41 218,-1226 289.021,-1136.47 180.627,-800.615 254,-713 261.81,-703.674 273.46,-698.557 285.285,-695.842"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.102,-1227.24 206.016,-1235.91 216.181,-1232.93 212.102,-1227.24"/> </g> -<!-- Node92 --> -<g id="node92" class="node"><title>Node92</title> -<g id="a_node92"><a xlink:href="classarm__compute_1_1_n_e_magnitude.xhtml" target="_top" xlink:title="Basic function to run NEMagnitudePhaseKernel. "> +<!-- Node93 --> +<g id="node93" class="node"><title>Node93</title> +<g id="a_node93"><a xlink:href="classarm__compute_1_1_n_e_magnitude.xhtml" target="_top" xlink:title="Basic function to run NEMagnitudePhaseKernel. "> <polygon fill="white" stroke="black" points="292.5,-646.5 292.5,-665.5 368.5,-665.5 368.5,-646.5 292.5,-646.5"/> <text text-anchor="middle" x="330.5" y="-653.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMagnitude</text> </a> </g> </g> -<!-- Node66->Node92 --> -<g id="edge91" class="edge"><title>Node66->Node92</title> +<!-- Node67->Node93 --> +<g id="edge92" class="edge"><title>Node67->Node93</title> <path fill="none" stroke="midnightblue" d="M214.35,-1229.95C215.659,-1228.73 216.881,-1227.42 218,-1226 294.025,-1129.68 175.445,-769.264 254,-675 263.345,-663.786 278.243,-658.652 292.345,-656.464"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.11,-1227.25 206.035,-1235.93 216.197,-1232.93 212.11,-1227.25"/> </g> -<!-- Node93 --> -<g id="node93" class="node"><title>Node93</title> -<g id="a_node93"><a xlink:href="classarm__compute_1_1_n_e_median3x3.xhtml" target="_top" xlink:title="Basic function to execute median filter. "> +<!-- Node94 --> +<g id="node94" class="node"><title>Node94</title> +<g id="a_node94"><a xlink:href="classarm__compute_1_1_n_e_median3x3.xhtml" target="_top" xlink:title="Basic function to execute median filter. "> <polygon fill="white" stroke="black" points="291.5,-608.5 291.5,-627.5 369.5,-627.5 369.5,-608.5 291.5,-608.5"/> <text text-anchor="middle" x="330.5" y="-615.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMedian3x3</text> </a> </g> </g> -<!-- Node66->Node93 --> -<g id="edge92" class="edge"><title>Node66->Node93</title> +<!-- Node67->Node94 --> +<g id="edge93" class="edge"><title>Node67->Node94</title> <path fill="none" stroke="midnightblue" d="M214.358,-1229.96C215.665,-1228.74 216.884,-1227.42 218,-1226 299.03,-1122.9 170.261,-737.914 254,-637 263.063,-626.078 277.393,-620.92 291.144,-618.634"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.118,-1227.26 206.053,-1235.94 216.211,-1232.93 212.118,-1227.26"/> </g> -<!-- Node94 --> -<g id="node94" class="node"><title>Node94</title> -<g id="a_node94"><a xlink:href="classarm__compute_1_1_n_e_non_linear_filter.xhtml" target="_top" xlink:title="Basic function to execute non linear filter. "> +<!-- Node95 --> +<g id="node95" class="node"><title>Node95</title> +<g id="a_node95"><a xlink:href="classarm__compute_1_1_n_e_non_linear_filter.xhtml" target="_top" xlink:title="Basic function to execute non linear filter. "> <polygon fill="white" stroke="black" points="282,-570.5 282,-589.5 379,-589.5 379,-570.5 282,-570.5"/> <text text-anchor="middle" x="330.5" y="-577.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENonLinearFilter</text> </a> </g> </g> -<!-- Node66->Node94 --> -<g id="edge93" class="edge"><title>Node66->Node94</title> +<!-- Node67->Node95 --> +<g id="edge94" class="edge"><title>Node67->Node95</title> <path fill="none" stroke="midnightblue" d="M214.365,-1229.96C215.67,-1228.74 216.887,-1227.42 218,-1226 304.037,-1116.11 165.076,-706.566 254,-599 260.976,-590.562 271.096,-585.561 281.672,-582.668"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.124,-1227.26 206.068,-1235.96 216.224,-1232.94 212.124,-1227.26"/> </g> -<!-- Node95 --> -<g id="node95" class="node"><title>Node95</title> -<g id="a_node95"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" target="_top" xlink:title="Basic function to execute non-maxima suppression over a 3x3 window. "> +<!-- Node96 --> +<g id="node96" class="node"><title>Node96</title> +<g id="a_node96"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml" target="_top" xlink:title="Basic function to execute non-maxima suppression over a 3x3 window. "> <polygon fill="white" stroke="black" points="254,-532.5 254,-551.5 407,-551.5 407,-532.5 254,-532.5"/> <text text-anchor="middle" x="330.5" y="-539.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENonMaximaSuppression3x3</text> </a> </g> </g> -<!-- Node66->Node95 --> -<g id="edge94" class="edge"><title>Node66->Node95</title> +<!-- Node67->Node96 --> +<g id="edge95" class="edge"><title>Node67->Node96</title> <path fill="none" stroke="midnightblue" d="M214.371,-1229.97C215.674,-1228.74 216.889,-1227.42 218,-1226 309.044,-1109.32 159.891,-675.218 254,-561 257.094,-557.245 260.811,-554.17 264.915,-551.658"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.13,-1227.27 206.082,-1235.97 216.234,-1232.94 212.13,-1227.27"/> </g> -<!-- Node96 --> -<g id="node96" class="node"><title>Node96</title> -<g id="a_node96"><a xlink:href="classarm__compute_1_1_n_e_phase.xhtml" target="_top" xlink:title="Basic function to run NEMagnitudePhaseKernel. "> +<!-- Node97 --> +<g id="node97" class="node"><title>Node97</title> +<g id="a_node97"><a xlink:href="classarm__compute_1_1_n_e_phase.xhtml" target="_top" xlink:title="Basic function to run NEMagnitudePhaseKernel. "> <polygon fill="white" stroke="black" points="301,-494.5 301,-513.5 360,-513.5 360,-494.5 301,-494.5"/> <text text-anchor="middle" x="330.5" y="-501.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEPhase</text> </a> </g> </g> -<!-- Node66->Node96 --> -<g id="edge95" class="edge"><title>Node66->Node96</title> +<!-- Node67->Node97 --> +<g id="edge96" class="edge"><title>Node67->Node97</title> <path fill="none" stroke="midnightblue" d="M214.377,-1229.97C215.678,-1228.75 216.891,-1227.43 218,-1226 314.051,-1102.54 154.705,-643.871 254,-523 265.154,-509.423 284.449,-504.735 300.741,-503.41"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.135,-1227.27 206.094,-1235.98 216.244,-1232.94 212.135,-1227.27"/> </g> -<!-- Node97 --> -<g id="node97" class="node"><title>Node97</title> -<g id="a_node97"><a xlink:href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" target="_top" xlink:title="Basic function to run NEPixelWiseMultiplicationKernel. "> +<!-- Node98 --> +<g id="node98" class="node"><title>Node98</title> +<g id="a_node98"><a xlink:href="classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml" target="_top" xlink:title="Basic function to run NEPixelWiseMultiplicationKernel. "> <polygon fill="white" stroke="black" points="264.5,-456.5 264.5,-475.5 396.5,-475.5 396.5,-456.5 264.5,-456.5"/> <text text-anchor="middle" x="330.5" y="-463.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEPixelWiseMultiplication</text> </a> </g> </g> -<!-- Node66->Node97 --> -<g id="edge96" class="edge"><title>Node66->Node97</title> +<!-- Node67->Node98 --> +<g id="edge97" class="edge"><title>Node67->Node98</title> <path fill="none" stroke="midnightblue" d="M214.382,-1229.97C215.681,-1228.75 216.893,-1227.43 218,-1226 319.059,-1095.75 149.518,-612.525 254,-485 257.084,-481.236 260.793,-478.155 264.892,-475.639"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.14,-1227.28 206.104,-1235.98 216.253,-1232.94 212.14,-1227.28"/> </g> -<!-- Node98 --> -<g id="node98" class="node"><title>Node98</title> -<g id="a_node98"><a xlink:href="classarm__compute_1_1_n_e_pooling_layer.xhtml" target="_top" xlink:title="Basic function to simulate a pooling layer with the specified pooling operation. "> +<!-- Node99 --> +<g id="node99" class="node"><title>Node99</title> +<g id="a_node99"><a xlink:href="classarm__compute_1_1_n_e_pooling_layer.xhtml" target="_top" xlink:title="Basic function to simulate a pooling layer with the specified pooling operation. "> <polygon fill="white" stroke="black" points="287,-418.5 287,-437.5 374,-437.5 374,-418.5 287,-418.5"/> <text text-anchor="middle" x="330.5" y="-425.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEPoolingLayer</text> </a> </g> </g> -<!-- Node66->Node98 --> -<g id="edge97" class="edge"><title>Node66->Node98</title> +<!-- Node67->Node99 --> +<g id="edge98" class="edge"><title>Node67->Node99</title> <path fill="none" stroke="midnightblue" d="M214.386,-1229.98C215.684,-1228.75 216.895,-1227.43 218,-1226 271.034,-1157.48 199.165,-514.09 254,-447 262.04,-437.163 274.356,-431.988 286.722,-429.378"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.144,-1227.28 206.114,-1235.99 216.261,-1232.94 212.144,-1227.28"/> </g> -<!-- Node99 --> -<g id="node99" class="node"><title>Node99</title> -<g id="a_node99"><a xlink:href="classarm__compute_1_1_n_e_remap.xhtml" target="_top" xlink:title="Basic function to execute remap. "> +<!-- Node100 --> +<g id="node100" class="node"><title>Node100</title> +<g id="a_node100"><a xlink:href="classarm__compute_1_1_n_e_remap.xhtml" target="_top" xlink:title="Basic function to execute remap. "> <polygon fill="white" stroke="black" points="299.5,-380.5 299.5,-399.5 361.5,-399.5 361.5,-380.5 299.5,-380.5"/> <text text-anchor="middle" x="330.5" y="-387.5" font-family="Helvetica,sans-Serif" font-size="10.00">NERemap</text> </a> </g> </g> -<!-- Node66->Node99 --> -<g id="edge98" class="edge"><title>Node66->Node99</title> +<!-- Node67->Node100 --> +<g id="edge99" class="edge"><title>Node67->Node100</title> <path fill="none" stroke="midnightblue" d="M214.39,-1229.98C215.687,-1228.75 216.896,-1227.43 218,-1226 273.539,-1154.08 196.572,-479.417 254,-409 264.764,-395.802 283.221,-390.993 299.192,-389.512"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.148,-1227.28 206.123,-1236 216.268,-1232.94 212.148,-1227.28"/> </g> -<!-- Node100 --> -<g id="node100" class="node"><title>Node100</title> -<g id="a_node100"><a xlink:href="classarm__compute_1_1_n_e_scale.xhtml" target="_top" xlink:title="Basic function to run NEScaleKernel. "> +<!-- Node101 --> +<g id="node101" class="node"><title>Node101</title> +<g id="a_node101"><a xlink:href="classarm__compute_1_1_n_e_scale.xhtml" target="_top" xlink:title="Basic function to run NEScaleKernel. "> <polygon fill="white" stroke="black" points="302.5,-342.5 302.5,-361.5 358.5,-361.5 358.5,-342.5 302.5,-342.5"/> <text text-anchor="middle" x="330.5" y="-349.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScale</text> </a> </g> </g> -<!-- Node66->Node100 --> -<g id="edge99" class="edge"><title>Node66->Node100</title> +<!-- Node67->Node101 --> +<g id="edge100" class="edge"><title>Node67->Node101</title> <path fill="none" stroke="midnightblue" d="M214.394,-1229.98C215.69,-1228.76 216.898,-1227.43 218,-1226 276.043,-1150.69 193.978,-444.745 254,-371 265.433,-356.953 285.583,-352.406 302.192,-351.262"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.152,-1227.29 206.131,-1236 216.274,-1232.94 212.152,-1227.29"/> </g> -<!-- Node101 --> -<g id="node101" class="node"><title>Node101</title> -<g id="a_node101"><a xlink:href="classarm__compute_1_1_n_e_scharr3x3.xhtml" target="_top" xlink:title="Basic function to execute scharr 3x3 filter. "> +<!-- Node102 --> +<g id="node102" class="node"><title>Node102</title> +<g id="a_node102"><a xlink:href="classarm__compute_1_1_n_e_scharr3x3.xhtml" target="_top" xlink:title="Basic function to execute scharr 3x3 filter. "> <polygon fill="white" stroke="black" points="293,-304.5 293,-323.5 368,-323.5 368,-304.5 293,-304.5"/> <text text-anchor="middle" x="330.5" y="-311.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScharr3x3</text> </a> </g> </g> -<!-- Node66->Node101 --> -<g id="edge100" class="edge"><title>Node66->Node101</title> +<!-- Node67->Node102 --> +<g id="edge101" class="edge"><title>Node67->Node102</title> <path fill="none" stroke="midnightblue" d="M214.397,-1229.99C215.692,-1228.76 216.899,-1227.43 218,-1226 278.548,-1147.29 191.384,-410.073 254,-333 263.375,-321.46 278.633,-316.33 292.988,-314.231"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.155,-1227.29 206.139,-1236.01 216.28,-1232.94 212.155,-1227.29"/> </g> -<!-- Node102 --> -<g id="node102" class="node"><title>Node102</title> -<g id="a_node102"><a xlink:href="classarm__compute_1_1_n_e_sobel3x3.xhtml" target="_top" xlink:title="Basic function to execute sobel 3x3 filter. "> +<!-- Node103 --> +<g id="node103" class="node"><title>Node103</title> +<g id="a_node103"><a xlink:href="classarm__compute_1_1_n_e_sobel3x3.xhtml" target="_top" xlink:title="Basic function to execute sobel 3x3 filter. "> <polygon fill="white" stroke="black" points="295,-266.5 295,-285.5 366,-285.5 366,-266.5 295,-266.5"/> <text text-anchor="middle" x="330.5" y="-273.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel3x3</text> </a> </g> </g> -<!-- Node66->Node102 --> -<g id="edge101" class="edge"><title>Node66->Node102</title> +<!-- Node67->Node103 --> +<g id="edge102" class="edge"><title>Node67->Node103</title> <path fill="none" stroke="midnightblue" d="M214.4,-1229.99C215.695,-1228.76 216.9,-1227.43 218,-1226 281.053,-1143.9 188.789,-375.401 254,-295 263.791,-282.928 280.022,-277.868 294.93,-275.956"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.158,-1227.29 206.146,-1236.02 216.286,-1232.95 212.158,-1227.29"/> </g> -<!-- Node103 --> -<g id="node103" class="node"><title>Node103</title> -<g id="a_node103"><a xlink:href="classarm__compute_1_1_n_e_table_lookup.xhtml" target="_top" xlink:title="Basic function to run NETableLookupKernel. "> +<!-- Node104 --> +<g id="node104" class="node"><title>Node104</title> +<g id="a_node104"><a xlink:href="classarm__compute_1_1_n_e_table_lookup.xhtml" target="_top" xlink:title="Basic function to run NETableLookupKernel. "> <polygon fill="white" stroke="black" points="287.5,-228.5 287.5,-247.5 373.5,-247.5 373.5,-228.5 287.5,-228.5"/> <text text-anchor="middle" x="330.5" y="-235.5" font-family="Helvetica,sans-Serif" font-size="10.00">NETableLookup</text> </a> </g> </g> -<!-- Node66->Node103 --> -<g id="edge102" class="edge"><title>Node66->Node103</title> +<!-- Node67->Node104 --> +<g id="edge103" class="edge"><title>Node67->Node104</title> <path fill="none" stroke="midnightblue" d="M214.403,-1229.99C215.697,-1228.76 216.901,-1227.43 218,-1226 283.558,-1140.5 186.195,-340.729 254,-257 262.166,-246.916 274.825,-241.723 287.458,-239.171"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.161,-1227.29 206.152,-1236.02 216.291,-1232.95 212.161,-1227.29"/> </g> -<!-- Node104 --> -<g id="node104" class="node"><title>Node104</title> -<g id="a_node104"><a xlink:href="classarm__compute_1_1_n_e_threshold.xhtml" target="_top" xlink:title="Basic function to run NEThresholdKernel. "> +<!-- Node105 --> +<g id="node105" class="node"><title>Node105</title> +<g id="a_node105"><a xlink:href="classarm__compute_1_1_n_e_threshold.xhtml" target="_top" xlink:title="Basic function to run NEThresholdKernel. "> <polygon fill="white" stroke="black" points="293.5,-190.5 293.5,-209.5 367.5,-209.5 367.5,-190.5 293.5,-190.5"/> <text text-anchor="middle" x="330.5" y="-197.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEThreshold</text> </a> </g> </g> -<!-- Node66->Node104 --> -<g id="edge103" class="edge"><title>Node66->Node104</title> +<!-- Node67->Node105 --> +<g id="edge104" class="edge"><title>Node67->Node105</title> <path fill="none" stroke="midnightblue" d="M214.406,-1229.99C215.698,-1228.76 216.902,-1227.43 218,-1226 286.064,-1137.1 183.6,-306.058 254,-219 263.434,-207.334 278.881,-202.212 293.353,-200.153"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.163,-1227.3 206.158,-1236.02 216.296,-1232.95 212.163,-1227.3"/> </g> -<!-- Node105 --> -<g id="node105" class="node"><title>Node105</title> -<g id="a_node105"><a xlink:href="classarm__compute_1_1_n_e_transpose.xhtml" target="_top" xlink:title="Basic function to transpose a matrix on NEON. "> +<!-- Node106 --> +<g id="node106" class="node"><title>Node106</title> +<g id="a_node106"><a xlink:href="classarm__compute_1_1_n_e_transpose.xhtml" target="_top" xlink:title="Basic function to transpose a matrix on NEON. "> <polygon fill="white" stroke="black" points="292,-152.5 292,-171.5 369,-171.5 369,-152.5 292,-152.5"/> <text text-anchor="middle" x="330.5" y="-159.5" font-family="Helvetica,sans-Serif" font-size="10.00">NETranspose</text> </a> </g> </g> -<!-- Node66->Node105 --> -<g id="edge104" class="edge"><title>Node66->Node105</title> +<!-- Node67->Node106 --> +<g id="edge105" class="edge"><title>Node67->Node106</title> <path fill="none" stroke="midnightblue" d="M214.408,-1229.99C215.7,-1228.76 216.903,-1227.43 218,-1226 288.569,-1133.71 181.006,-271.386 254,-181 263.087,-169.748 277.767,-164.583 291.778,-162.382"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.166,-1227.3 206.163,-1236.03 216.3,-1232.95 212.166,-1227.3"/> </g> -<!-- Node106 --> -<g id="node106" class="node"><title>Node106</title> -<g id="a_node106"><a xlink:href="classarm__compute_1_1_n_e_warp_affine.xhtml" target="_top" xlink:title="Basic function to run NEWarpAffineKernel. "> +<!-- Node107 --> +<g id="node107" class="node"><title>Node107</title> +<g id="a_node107"><a xlink:href="classarm__compute_1_1_n_e_warp_affine.xhtml" target="_top" xlink:title="Basic function to run NEWarpAffineKernel. "> <polygon fill="white" stroke="black" points="290.5,-114.5 290.5,-133.5 370.5,-133.5 370.5,-114.5 290.5,-114.5"/> <text text-anchor="middle" x="330.5" y="-121.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpAffine</text> </a> </g> </g> -<!-- Node66->Node106 --> -<g id="edge105" class="edge"><title>Node66->Node106</title> +<!-- Node67->Node107 --> +<g id="edge106" class="edge"><title>Node67->Node107</title> <path fill="none" stroke="midnightblue" d="M214.411,-1230C215.702,-1228.76 216.904,-1227.43 218,-1226 291.074,-1130.31 178.411,-236.715 254,-143 262.74,-132.164 276.669,-126.972 290.197,-124.636"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.168,-1227.3 206.168,-1236.03 216.304,-1232.95 212.168,-1227.3"/> </g> -<!-- Node107 --> -<g id="node107" class="node"><title>Node107</title> -<g id="a_node107"><a xlink:href="classarm__compute_1_1_n_e_warp_perspective.xhtml" target="_top" xlink:title="Basic function to run NEWarpPerspectiveKernel. "> +<!-- Node108 --> +<g id="node108" class="node"><title>Node108</title> +<g id="a_node108"><a xlink:href="classarm__compute_1_1_n_e_warp_perspective.xhtml" target="_top" xlink:title="Basic function to run NEWarpPerspectiveKernel. "> <polygon fill="white" stroke="black" points="277.5,-76.5 277.5,-95.5 383.5,-95.5 383.5,-76.5 277.5,-76.5"/> <text text-anchor="middle" x="330.5" y="-83.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpPerspective</text> </a> </g> </g> -<!-- Node66->Node107 --> -<g id="edge106" class="edge"><title>Node66->Node107</title> +<!-- Node67->Node108 --> +<g id="edge107" class="edge"><title>Node67->Node108</title> <path fill="none" stroke="midnightblue" d="M214.413,-1230C215.703,-1228.77 216.905,-1227.44 218,-1226 293.58,-1126.92 175.816,-202.043 254,-105 259.936,-97.6322 268.271,-92.8731 277.248,-89.8469"/> <polygon fill="midnightblue" stroke="midnightblue" points="212.17,-1227.3 206.173,-1236.04 216.308,-1232.95 212.17,-1227.3"/> </g> -<!-- Node120 --> -<g id="node120" class="node"><title>Node120</title> -<g id="a_node120"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with HALF scale factor. "> +<!-- Node119 --> +<g id="node119" class="node"><title>Node119</title> +<g id="a_node119"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with HALF scale factor. "> <polygon fill="white" stroke="black" points="267.5,-38.5 267.5,-57.5 393.5,-57.5 393.5,-38.5 267.5,-38.5"/> <text text-anchor="middle" x="330.5" y="-45.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidHalf</text> </a> </g> </g> -<!-- Node119->Node120 --> -<g id="edge119" class="edge"><title>Node119->Node120</title> -<path fill="none" stroke="midnightblue" d="M214.952,-773.417C216.037,-772.35 217.056,-771.213 218,-770 314.051,-646.535 154.705,-187.871 254,-67 257.689,-62.5091 262.269,-58.9907 267.337,-56.245"/> -<polygon fill="midnightblue" stroke="midnightblue" points="212.816,-770.644 206.963,-779.475 217.045,-776.222 212.816,-770.644"/> +<!-- Node118->Node119 --> +<g id="edge118" class="edge"><title>Node118->Node119</title> +<path fill="none" stroke="midnightblue" d="M214.959,-837.422C216.042,-836.354 217.059,-835.215 218,-834 270.243,-766.55 199.984,-133.039 254,-67 257.68,-62.5012 262.253,-58.9777 267.317,-56.2287"/> +<polygon fill="midnightblue" stroke="midnightblue" points="212.822,-834.65 206.98,-843.489 217.058,-840.223 212.822,-834.65"/> </g> -<!-- Node121 --> -<g id="node121" class="node"><title>Node121</title> -<g id="a_node121"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with ORB scale factor. "> +<!-- Node120 --> +<g id="node120" class="node"><title>Node120</title> +<g id="a_node120"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml" target="_top" xlink:title="Basic function to execute gaussian pyramid with ORB scale factor. "> <polygon fill="white" stroke="black" points="268.5,-0.5 268.5,-19.5 392.5,-19.5 392.5,-0.5 268.5,-0.5"/> <text text-anchor="middle" x="330.5" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidOrb</text> </a> </g> </g> -<!-- Node119->Node121 --> -<g id="edge120" class="edge"><title>Node119->Node121</title> -<path fill="none" stroke="midnightblue" d="M214.956,-773.42C216.04,-772.352 217.058,-771.214 218,-770 319.059,-639.746 149.518,-156.525 254,-29 257.94,-24.1906 262.902,-20.4961 268.392,-17.6711"/> -<polygon fill="midnightblue" stroke="midnightblue" points="212.82,-770.648 206.973,-779.483 217.053,-776.222 212.82,-770.648"/> +<!-- Node118->Node120 --> +<g id="edge119" class="edge"><title>Node118->Node120</title> +<path fill="none" stroke="midnightblue" d="M214.963,-837.425C216.044,-836.356 217.06,-835.216 218,-834 272.748,-763.155 197.391,-98.3664 254,-29 257.931,-24.183 262.887,-20.4836 268.373,-17.6558"/> +<polygon fill="midnightblue" stroke="midnightblue" points="212.825,-834.653 206.988,-843.495 217.065,-840.223 212.825,-834.653"/> </g> </g> </svg> diff --git a/documentation/inherit_graph_23.map b/documentation/inherit_graph_23.map index 9a5d37edf..a7b930648 100644 --- a/documentation/inherit_graph_23.map +++ b/documentation/inherit_graph_23.map @@ -1,7 +1,7 @@ <map id="Graphical Class Hierarchy" name="Graphical Class Hierarchy"> -<area shape="rect" id="node1" href="$classarm__compute_1_1_i_kernel.xhtml" title="Common information for all the kernels. " alt="" coords="5,3641,68,3668"/> +<area shape="rect" id="node1" href="$classarm__compute_1_1_i_kernel.xhtml" title="Common information for all the kernels. " alt="" coords="5,3429,68,3456"/> <area shape="rect" id="node2" href="$classarm__compute_1_1_i_c_l_kernel.xhtml" title="Common interface for all the OpenCL kernels. " alt="" coords="121,1319,201,1345"/> -<area shape="rect" id="node84" href="$classarm__compute_1_1_i_c_p_p_kernel.xhtml" title="Common interface for all kernels implemented in C++. " alt="" coords="116,5917,207,5944"/> +<area shape="rect" id="node84" href="$classarm__compute_1_1_i_c_p_p_kernel.xhtml" title="Common interface for all kernels implemented in C++. " alt="" coords="116,5493,207,5520"/> <area shape="rect" id="node3" href="$classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml" title="Interface for the absolute difference kernel. " alt="" coords="276,5,463,32"/> <area shape="rect" id="node4" href="$classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml" title="Interface for the arithmetic addition kernel. " alt="" coords="278,56,461,83"/> <area shape="rect" id="node5" href="$classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml" title="Interface for the arithmetic subtraction kernel. " alt="" coords="269,107,470,133"/> @@ -83,65 +83,64 @@ <area shape="rect" id="node83" href="$classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml" title="Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. " alt="" coords="821,3231,958,3257"/> <area shape="rect" id="node75" href="$classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml" title="Interface for the kernel to run the horizontal pass of 5x5 Gaussian filter on a tensor. " alt="" coords="1041,2853,1215,2880"/> <area shape="rect" id="node77" href="$classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml" title="Interface for the kernel to run the vertical pass of 5x5 Gaussian filter on a tensor. " alt="" coords="1040,2919,1216,2945"/> -<area shape="rect" id="node85" href="$classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml" title="CPP kernel to perform corner candidates. " alt="" coords="273,3952,465,3979"/> -<area shape="rect" id="node86" href="$classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml" title="CPP kernel to perform sorting and euclidean distance. " alt="" coords="278,4003,461,4045"/> -<area shape="rect" id="node87" href="$classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml" title="Interface for simple NEON kernels having 1 tensor input and 1 tensor output. " alt="" coords="304,4069,435,4096"/> -<area shape="rect" id="node123" href="$classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" title="Common interface for all Harris Score kernels. " alt="" coords="294,4563,445,4589"/> -<area shape="rect" id="node126" href="$classarm__compute_1_1_i_n_e_warp_kernel.xhtml" title="Common interface for warp affine and warp perspective. " alt="" coords="313,4613,426,4640"/> -<area shape="rect" id="node129" href="$classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" title="Interface for the absolute difference kernel. " alt="" coords="275,4664,464,4691"/> -<area shape="rect" id="node130" href="$classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" title="Interface for the kernel to perform addition between two tensors. " alt="" coords="277,4715,461,4741"/> -<area shape="rect" id="node131" href="$classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" title="Interface for the kernel to perform subtraction between two tensors. " alt="" coords="268,4765,471,4792"/> -<area shape="rect" id="node132" href="$classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" title="Interface for the kernel to perform bitwise AND between XY-planes of two tensors. ..." alt="" coords="297,4816,441,4843"/> -<area shape="rect" id="node133" href="$classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" title="Interface for the kernel to perform bitwise NOT operation. " alt="" coords="298,4867,441,4893"/> -<area shape="rect" id="node134" href="$classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" title="Interface for the kernel to perform bitwise inclusive OR between two tensors. " alt="" coords="302,4917,437,4944"/> -<area shape="rect" id="node135" href="$classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" title="Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors. " alt="" coords="299,4968,440,4995"/> -<area shape="rect" id="node136" href="$classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" title="Interface for the channel combine kernel. " alt="" coords="280,5019,459,5045"/> -<area shape="rect" id="node137" href="$classarm__compute_1_1_n_e_col2_im_kernel.xhtml" title="NEON kernel to perform col2im reshaping. " alt="" coords="309,5069,429,5096"/> -<area shape="rect" id="node138" href="$classarm__compute_1_1_n_e_color_convert_kernel.xhtml" title="Interface for the color convert kernel. " alt="" coords="292,5120,447,5147"/> -<area shape="rect" id="node139" href="$classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" title="NEON kernel to perform reshaping on the weights used by convolution layer. " alt="" coords="274,5171,465,5213"/> -<area shape="rect" id="node140" href="$classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" title="Kernel for the running convolution on a rectangle matrix. " alt="" coords="266,5237,473,5264"/> -<area shape="rect" id="node141" href="$classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" title="Interface for the cumulative distribution (cummulative summmation) calculation kernel. " alt="" coords="283,5289,456,5330"/> -<area shape="rect" id="node142" href="$classarm__compute_1_1_n_e_derivative_kernel.xhtml" title="Interface for the kernel to run the derivative along the X/Y directions on a tensor. " alt="" coords="301,5355,438,5381"/> -<area shape="rect" id="node143" href="$classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" title="NEON kernel to perform Non-Maxima suppression for Canny Edge. " alt="" coords="255,5405,484,5432"/> -<area shape="rect" id="node144" href="$classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" title="NEON kernel to perform Edge tracing. " alt="" coords="299,5456,440,5483"/> -<area shape="rect" id="node145" href="$classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" title="NEON kernel to perform fast corners. " alt="" coords="294,5507,445,5533"/> -<area shape="rect" id="node146" href="$classarm__compute_1_1_n_e_fill_array_kernel.xhtml" title="This kernel adds all texels greater than or equal to the threshold value to the keypoint array..." alt="" coords="306,5557,433,5584"/> -<area shape="rect" id="node147" href="$classarm__compute_1_1_n_e_fill_border_kernel.xhtml" title="Interface for the kernel to fill borders. " alt="" coords="303,5608,436,5635"/> -<area shape="rect" id="node148" href="$classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" title="Interface for the kernel to fill the interior borders. " alt="" coords="288,5659,451,5685"/> -<area shape="rect" id="node149" href="$classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" title="NEON kernel to multiply matrices. " alt="" coords="272,5710,467,5751"/> -<area shape="rect" id="node150" href="$classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" title="NEON kernel to add a bias to each row of the input tensor. " alt="" coords="256,5775,483,5817"/> -<area shape="rect" id="node151" href="$classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" title="NEON kernel to multiply two input matrices "A" and "B". " alt="" coords="269,5841,469,5868"/> -<area shape="rect" id="node152" href="$classarm__compute_1_1_n_e_gradient_kernel.xhtml" title="Computes magnitude and quantised phase from inputs gradients. " alt="" coords="306,5892,433,5919"/> -<area shape="rect" id="node154" href="$classarm__compute_1_1_n_e_histogram_border_kernel.xhtml" title="Interface for the histogram border handling kernel. " alt="" coords="281,5943,457,5969"/> -<area shape="rect" id="node155" href="$classarm__compute_1_1_n_e_histogram_kernel.xhtml" title="Interface for the histogram kernel. " alt="" coords="300,5993,439,6020"/> -<area shape="rect" id="node156" href="$classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" title="NEON kernel to perform HOG block normalization. " alt="" coords="259,6044,480,6071"/> -<area shape="rect" id="node157" href="$classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" title="NEON kernel to perform HOG detector kernel using linear SVM. " alt="" coords="290,6095,449,6121"/> -<area shape="rect" id="node158" href="$classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" title="NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for HO..." alt="" coords="263,6146,476,6187"/> -<area shape="rect" id="node159" href="$classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" title="NEON kernel to perform HOG Orientation Binning. " alt="" coords="262,6212,477,6239"/> -<area shape="rect" id="node160" href="$classarm__compute_1_1_n_e_im2_col_kernel.xhtml" title="Interface for the im2col reshape kernel. " alt="" coords="309,6263,429,6289"/> -<area shape="rect" id="node161" href="$classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" title="Interface for the Lucas-Kanade tracker kernel. " alt="" coords="300,6313,439,6340"/> -<area shape="rect" id="node162" href="$classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" title="Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by..." alt="" coords="288,6364,451,6391"/> -<area shape="rect" id="node163" href="$classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" title="Interface for shifting the logits values around the max value and exponentiating the result..." alt="" coords="266,6415,473,6441"/> -<area shape="rect" id="node164" href="$classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. " alt="" coords="266,6466,473,6507"/> -<area shape="rect" id="node165" href="$classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. " alt="" coords="280,6531,459,6573"/> -<area shape="rect" id="node166" href="$classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" title="Interface for the kernel to calculate mean and standard deviation of input image pixels. " alt="" coords="292,6597,447,6624"/> -<area shape="rect" id="node167" href="$classarm__compute_1_1_n_e_min_max_kernel.xhtml" title="Interface for the kernel to perform min max search on an image. " alt="" coords="307,6648,431,6675"/> -<area shape="rect" id="node168" href="$classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" title="Interface for the kernel to find min max locations of an image. " alt="" coords="283,6699,456,6725"/> -<area shape="rect" id="node169" href="$classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" title="Interface for the kernel to apply a non-linear filter. " alt="" coords="286,6749,453,6776"/> -<area shape="rect" id="node170" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" title="Interface to perform Non-Maxima suppression over a 3x3 window using NEON. " alt="" coords="267,6801,471,6842"/> -<area shape="rect" id="node172" href="$classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" title="Interface for the normalization layer kernel. " alt="" coords="274,6867,465,6893"/> -<area shape="rect" id="node173" href="$classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" title="Interface for the kernel to perform addition between two tensors. " alt="" coords="281,6918,457,6959"/> -<area shape="rect" id="node174" href="$classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" title="Interface for the pooling layer kernel. " alt="" coords="293,6984,446,7011"/> -<area shape="rect" id="node175" href="$classarm__compute_1_1_n_e_remap_kernel.xhtml" title="NEON kernel to perform a remap on a tensor. " alt="" coords="309,7035,429,7061"/> -<area shape="rect" id="node176" href="$classarm__compute_1_1_n_e_scale_kernel.xhtml" title="NEON kernel to perform scaling on a tensor. " alt="" coords="314,7085,425,7112"/> -<area shape="rect" id="node177" href="$classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" title="Interface for the kernel to run a 3x3 Scharr filter on a tensor. " alt="" coords="301,7136,438,7163"/> -<area shape="rect" id="node178" href="$classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" title="Interface for the kernel to run a 3x3 Sobel X filter on a tensor. " alt="" coords="303,7187,435,7213"/> -<area shape="rect" id="node179" href="$classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" title="Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. " alt="" coords="293,7237,446,7264"/> -<area shape="rect" id="node180" href="$classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" title="Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor. " alt="" coords="291,7288,447,7315"/> -<area shape="rect" id="node181" href="$classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" title="Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. " alt="" coords="293,7339,446,7365"/> -<area shape="rect" id="node182" href="$classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" title="Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor. " alt="" coords="291,7389,447,7416"/> -<area shape="rect" id="node183" href="$classarm__compute_1_1_n_e_threshold_kernel.xhtml" title="Interface for the thresholding kernel. " alt="" coords="302,7440,437,7467"/> -<area shape="rect" id="node184" href="$classarm__compute_1_1_n_e_transpose_kernel.xhtml" title="NEON kernel which transposes the elements of a matrix. " alt="" coords="300,7491,439,7517"/> +<area shape="rect" id="node85" href="$classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml" title="CPP kernel to perform corner candidates. " alt="" coords="273,3724,465,3751"/> +<area shape="rect" id="node86" href="$classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml" title="CPP kernel to perform sorting and euclidean distance. " alt="" coords="278,3775,461,3817"/> +<area shape="rect" id="node87" href="$classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml" title="Interface for simple NEON kernels having 1 tensor input and 1 tensor output. " alt="" coords="304,3841,435,3868"/> +<area shape="rect" id="node114" href="$classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" title="Common interface for all Harris Score kernels. " alt="" coords="294,4164,445,4191"/> +<area shape="rect" id="node117" href="$classarm__compute_1_1_i_n_e_warp_kernel.xhtml" title="Common interface for warp affine and warp perspective. " alt="" coords="313,4215,426,4241"/> +<area shape="rect" id="node120" href="$classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" title="Interface for the absolute difference kernel. " alt="" coords="275,4265,464,4292"/> +<area shape="rect" id="node121" href="$classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" title="Interface for the kernel to perform addition between two tensors. " alt="" coords="277,4316,461,4343"/> +<area shape="rect" id="node122" href="$classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" title="Interface for the kernel to perform subtraction between two tensors. " alt="" coords="268,4367,471,4393"/> +<area shape="rect" id="node123" href="$classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" title="Interface for the kernel to perform bitwise AND between XY-planes of two tensors. ..." alt="" coords="297,4417,441,4444"/> +<area shape="rect" id="node124" href="$classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" title="Interface for the kernel to perform bitwise NOT operation. " alt="" coords="298,4468,441,4495"/> +<area shape="rect" id="node125" href="$classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" title="Interface for the kernel to perform bitwise inclusive OR between two tensors. " alt="" coords="302,4519,437,4545"/> +<area shape="rect" id="node126" href="$classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" title="Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors. " alt="" coords="299,4569,440,4596"/> +<area shape="rect" id="node127" href="$classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" title="Interface for the channel combine kernel. " alt="" coords="280,4620,459,4647"/> +<area shape="rect" id="node128" href="$classarm__compute_1_1_n_e_col2_im_kernel.xhtml" title="NEON kernel to perform col2im reshaping. " alt="" coords="309,4671,429,4697"/> +<area shape="rect" id="node129" href="$classarm__compute_1_1_n_e_color_convert_kernel.xhtml" title="Interface for the color convert kernel. " alt="" coords="292,4721,447,4748"/> +<area shape="rect" id="node130" href="$classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" title="NEON kernel to perform reshaping on the weights used by convolution layer. " alt="" coords="274,4773,465,4814"/> +<area shape="rect" id="node131" href="$classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" title="Kernel for the running convolution on a rectangle matrix. " alt="" coords="266,4839,473,4865"/> +<area shape="rect" id="node132" href="$classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" title="Interface for the cumulative distribution (cummulative summmation) calculation kernel. " alt="" coords="283,4890,456,4931"/> +<area shape="rect" id="node133" href="$classarm__compute_1_1_n_e_derivative_kernel.xhtml" title="Interface for the kernel to run the derivative along the X/Y directions on a tensor. " alt="" coords="301,4956,438,4983"/> +<area shape="rect" id="node134" href="$classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" title="NEON kernel to perform Non-Maxima suppression for Canny Edge. " alt="" coords="255,5007,484,5033"/> +<area shape="rect" id="node135" href="$classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" title="NEON kernel to perform Edge tracing. " alt="" coords="299,5057,440,5084"/> +<area shape="rect" id="node136" href="$classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" title="NEON kernel to perform fast corners. " alt="" coords="294,5108,445,5135"/> +<area shape="rect" id="node137" href="$classarm__compute_1_1_n_e_fill_array_kernel.xhtml" title="This kernel adds all texels greater than or equal to the threshold value to the keypoint array..." alt="" coords="306,5159,433,5185"/> +<area shape="rect" id="node138" href="$classarm__compute_1_1_n_e_fill_border_kernel.xhtml" title="Interface for the kernel to fill borders. " alt="" coords="303,5209,436,5236"/> +<area shape="rect" id="node139" href="$classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" title="Interface for the kernel to fill the interior borders. " alt="" coords="288,5260,451,5287"/> +<area shape="rect" id="node140" href="$classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" title="NEON kernel to multiply matrices. " alt="" coords="272,5311,467,5353"/> +<area shape="rect" id="node141" href="$classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" title="NEON kernel to add a bias to each row of the input tensor. " alt="" coords="256,5377,483,5418"/> +<area shape="rect" id="node142" href="$classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" title="NEON kernel to multiply two input matrices "A" and "B". " alt="" coords="269,5443,469,5469"/> +<area shape="rect" id="node143" href="$classarm__compute_1_1_n_e_gradient_kernel.xhtml" title="Computes magnitude and quantised phase from inputs gradients. " alt="" coords="306,5493,433,5520"/> +<area shape="rect" id="node145" href="$classarm__compute_1_1_n_e_histogram_kernel.xhtml" title="Interface for the histogram kernel. " alt="" coords="300,5544,439,5571"/> +<area shape="rect" id="node146" href="$classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" title="NEON kernel to perform HOG block normalization. " alt="" coords="259,5595,480,5621"/> +<area shape="rect" id="node147" href="$classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" title="NEON kernel to perform HOG detector kernel using linear SVM. " alt="" coords="290,5645,449,5672"/> +<area shape="rect" id="node148" href="$classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" title="NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for HO..." alt="" coords="263,5697,476,5738"/> +<area shape="rect" id="node149" href="$classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" title="NEON kernel to perform HOG Orientation Binning. " alt="" coords="262,5763,477,5789"/> +<area shape="rect" id="node150" href="$classarm__compute_1_1_n_e_im2_col_kernel.xhtml" title="Interface for the im2col reshape kernel. " alt="" coords="309,5813,429,5840"/> +<area shape="rect" id="node151" href="$classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" title="Interface for the Lucas-Kanade tracker kernel. " alt="" coords="300,5864,439,5891"/> +<area shape="rect" id="node152" href="$classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" title="Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by..." alt="" coords="288,5915,451,5941"/> +<area shape="rect" id="node153" href="$classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" title="Interface for shifting the logits values around the max value and exponentiating the result..." alt="" coords="266,5965,473,5992"/> +<area shape="rect" id="node154" href="$classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. " alt="" coords="266,6017,473,6058"/> +<area shape="rect" id="node155" href="$classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" title="Template interface for the kernel to compute magnitude and phase. " alt="" coords="280,6082,459,6123"/> +<area shape="rect" id="node156" href="$classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" title="Interface for the kernel to calculate mean and standard deviation of input image pixels. " alt="" coords="292,6148,447,6175"/> +<area shape="rect" id="node157" href="$classarm__compute_1_1_n_e_min_max_kernel.xhtml" title="Interface for the kernel to perform min max search on an image. " alt="" coords="307,6199,431,6225"/> +<area shape="rect" id="node158" href="$classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" title="Interface for the kernel to find min max locations of an image. " alt="" coords="283,6249,456,6276"/> +<area shape="rect" id="node159" href="$classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" title="Interface for the kernel to apply a non-linear filter. " alt="" coords="286,6300,453,6327"/> +<area shape="rect" id="node160" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" title="Interface to perform Non-Maxima suppression over a 3x3 window using NEON. " alt="" coords="267,6351,471,6393"/> +<area shape="rect" id="node162" href="$classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" title="Interface for the normalization layer kernel. " alt="" coords="274,6417,465,6444"/> +<area shape="rect" id="node163" href="$classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" title="Interface for the kernel to perform addition between two tensors. " alt="" coords="281,6469,457,6510"/> +<area shape="rect" id="node164" href="$classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" title="Interface for the pooling layer kernel. " alt="" coords="293,6535,446,6561"/> +<area shape="rect" id="node165" href="$classarm__compute_1_1_n_e_remap_kernel.xhtml" title="NEON kernel to perform a remap on a tensor. " alt="" coords="309,6585,429,6612"/> +<area shape="rect" id="node166" href="$classarm__compute_1_1_n_e_scale_kernel.xhtml" title="NEON kernel to perform scaling on a tensor. " alt="" coords="314,6636,425,6663"/> +<area shape="rect" id="node167" href="$classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" title="Interface for the kernel to run a 3x3 Scharr filter on a tensor. " alt="" coords="301,6687,438,6713"/> +<area shape="rect" id="node168" href="$classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" title="Interface for the kernel to run a 3x3 Sobel X filter on a tensor. " alt="" coords="303,6737,435,6764"/> +<area shape="rect" id="node169" href="$classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" title="Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. " alt="" coords="293,6788,446,6815"/> +<area shape="rect" id="node170" href="$classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" title="Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor. " alt="" coords="291,6839,447,6865"/> +<area shape="rect" id="node171" href="$classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" title="Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. " alt="" coords="293,6889,446,6916"/> +<area shape="rect" id="node172" href="$classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" title="Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor. " alt="" coords="291,6940,447,6967"/> +<area shape="rect" id="node173" href="$classarm__compute_1_1_n_e_threshold_kernel.xhtml" title="Interface for the thresholding kernel. " alt="" coords="302,6991,437,7017"/> +<area shape="rect" id="node174" href="$classarm__compute_1_1_n_e_transpose_kernel.xhtml" title="NEON kernel which transposes the elements of a matrix. " alt="" coords="300,7041,439,7068"/> <area shape="rect" id="node88" href="$classarm__compute_1_1_n_e_accumulate_kernel.xhtml" title="Interface for the accumulate kernel. " alt="" coords="562,3167,709,3193"/> <area shape="rect" id="node89" href="$classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml" title="Interface for the accumulate squared kernel. " alt="" coords="538,3217,733,3244"/> <area shape="rect" id="node90" href="$classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml" title="Interface for the accumulate weighted kernel. " alt="" coords="534,3268,737,3295"/> @@ -166,21 +165,12 @@ <area shape="rect" id="node111" href="$classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" title="Kernel for the Horizontal pass of a Separable Convolution. " alt="" coords="541,4247,730,4289"/> <area shape="rect" id="node112" href="$classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" title="Kernel for the Vertical pass of a Separable Convolution. " alt="" coords="539,4313,731,4354"/> <area shape="rect" id="node113" href="$classarm__compute_1_1_n_e_table_lookup_kernel.xhtml" title="Interface for the kernel to perform table lookup calculations. " alt="" coords="559,4379,711,4405"/> -<area shape="rect" id="node114" href="$classarm__compute_1_1_n_e_convolution_kernel.xhtml" title="NEConvolutionKernel\< 5 \>" alt="" coords="546,4429,725,4456"/> -<area shape="rect" id="node115" href="$classarm__compute_1_1_n_e_convolution_kernel.xhtml" title="NEConvolutionKernel\< 7 \>" alt="" coords="546,4480,725,4507"/> -<area shape="rect" id="node116" href="$classarm__compute_1_1_n_e_convolution_kernel.xhtml" title="NEConvolutionKernel\< 9 \>" alt="" coords="546,4531,725,4557"/> -<area shape="rect" id="node117" href="$classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" title="NESeparableConvolutionHor\lKernel\< 5 \>" alt="" coords="541,4582,730,4623"/> -<area shape="rect" id="node118" href="$classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" title="NESeparableConvolutionHor\lKernel\< 7 \>" alt="" coords="541,4647,730,4689"/> -<area shape="rect" id="node119" href="$classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" title="NESeparableConvolutionHor\lKernel\< 9 \>" alt="" coords="541,4713,730,4754"/> -<area shape="rect" id="node120" href="$classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" title="NESeparableConvolutionVert\lKernel\< 5 \>" alt="" coords="539,4778,731,4819"/> -<area shape="rect" id="node121" href="$classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" title="NESeparableConvolutionVert\lKernel\< 7 \>" alt="" coords="539,4843,731,4885"/> -<area shape="rect" id="node122" href="$classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" title="NESeparableConvolutionVert\lKernel\< 9 \>" alt="" coords="539,4909,731,4950"/> <area shape="rect" id="node91" href="$classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml" title="Interface for the accumulate weighted kernel using F16. " alt="" coords="791,3282,987,3323"/> <area shape="rect" id="node94" href="$classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml" title="NEON kernel to perform a Box 3x3 filter using F16 simd. " alt="" coords="813,3369,966,3396"/> -<area shape="rect" id="node124" href="$classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" title="Interface for the accumulate Weighted kernel using F16. " alt="" coords="546,4974,725,5015"/> -<area shape="rect" id="node125" href="$classarm__compute_1_1_n_e_harris_score_kernel.xhtml" title="Template NEON kernel to perform Harris Score. " alt="" coords="562,5039,709,5081"/> -<area shape="rect" id="node127" href="$classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" title="Template interface for the kernel to compute warp affine. " alt="" coords="564,5105,707,5146"/> -<area shape="rect" id="node128" href="$classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" title="Template interface for the kernel to compute warp perspective. " alt="" coords="546,5170,725,5211"/> -<area shape="rect" id="node153" href="$classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" title="NEON kernel to perform Gradient computation. " alt="" coords="556,5892,715,5919"/> -<area shape="rect" id="node171" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" title="NEON kernel to perform Non-Maxima suppression 3x3. " alt="" coords="533,6801,737,6842"/> +<area shape="rect" id="node115" href="$classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" title="Interface for the accumulate Weighted kernel using F16. " alt="" coords="546,4430,725,4471"/> +<area shape="rect" id="node116" href="$classarm__compute_1_1_n_e_harris_score_kernel.xhtml" title="Template NEON kernel to perform Harris Score. " alt="" coords="562,4495,709,4537"/> +<area shape="rect" id="node118" href="$classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" title="Template interface for the kernel to compute warp affine. " alt="" coords="564,4561,707,4602"/> +<area shape="rect" id="node119" href="$classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" title="Template interface for the kernel to compute warp perspective. " alt="" coords="546,4626,725,4667"/> +<area shape="rect" id="node144" href="$classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" title="NEON kernel to perform Gradient computation. " alt="" coords="556,5493,715,5520"/> +<area shape="rect" id="node161" href="$classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" title="NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data ..." alt="" coords="533,6351,737,6393"/> </map> diff --git a/documentation/inherit_graph_23.md5 b/documentation/inherit_graph_23.md5 index 00618ee72..c8cb34c48 100644 --- a/documentation/inherit_graph_23.md5 +++ b/documentation/inherit_graph_23.md5 @@ -1 +1 @@ -6e5f6c6c25f7664f3af7b0735d8c9362
\ No newline at end of file +f3e392013783dbb857f0e7a999eb8521
\ No newline at end of file diff --git a/documentation/inherit_graph_23.svg b/documentation/inherit_graph_23.svg index b7ebffc49..3dd89ff45 100644 --- a/documentation/inherit_graph_23.svg +++ b/documentation/inherit_graph_23.svg @@ -4,2428 +4,2292 @@ <!-- Generated by graphviz version 2.38.0 (20140413.2041) --> <!-- Title: Graphical Class Hierarchy Pages: 1 --> -<svg width="916pt" height="5642pt" - viewBox="0.00 0.00 916.00 5642.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> -<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 5638)"> +<svg width="916pt" height="5305pt" + viewBox="0.00 0.00 916.00 5305.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 5301)"> <title>Graphical Class Hierarchy</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-5638 912,-5638 912,4 -4,4"/> +<polygon fill="white" stroke="none" points="-4,4 -4,-5301 912,-5301 912,4 -4,4"/> <!-- Node1 --> <g id="node1" class="node"><title>Node1</title> <g id="a_node1"><a xlink:href="classarm__compute_1_1_i_kernel.xhtml" target="_top" xlink:title="Common information for all the kernels. "> -<polygon fill="white" stroke="black" points="0,-2887.5 0,-2906.5 47,-2906.5 47,-2887.5 0,-2887.5"/> -<text text-anchor="middle" x="23.5" y="-2894.5" font-family="Helvetica,sans-Serif" font-size="10.00">IKernel</text> +<polygon fill="white" stroke="black" points="0,-2709.5 0,-2728.5 47,-2728.5 47,-2709.5 0,-2709.5"/> +<text text-anchor="middle" x="23.5" y="-2716.5" font-family="Helvetica,sans-Serif" font-size="10.00">IKernel</text> </a> </g> </g> <!-- Node2 --> <g id="node2" class="node"><title>Node2</title> <g id="a_node2"><a xlink:href="classarm__compute_1_1_i_c_l_kernel.xhtml" target="_top" xlink:title="Common interface for all the OpenCL kernels. "> -<polygon fill="white" stroke="black" points="87,-4629.5 87,-4648.5 147,-4648.5 147,-4629.5 87,-4629.5"/> -<text text-anchor="middle" x="117" y="-4636.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLKernel</text> +<polygon fill="white" stroke="black" points="87,-4292.5 87,-4311.5 147,-4311.5 147,-4292.5 87,-4292.5"/> +<text text-anchor="middle" x="117" y="-4299.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLKernel</text> </a> </g> </g> <!-- Node1->Node2 --> <g id="edge1" class="edge"><title>Node1->Node2</title> -<path fill="none" stroke="midnightblue" d="M25.5469,-2916.93C35.2078,-3100.86 108.63,-4498.69 115.487,-4629.23"/> -<polygon fill="midnightblue" stroke="midnightblue" points="29.0344,-2916.6 25.0146,-2906.8 22.044,-2916.97 29.0344,-2916.6"/> +<path fill="none" stroke="midnightblue" d="M25.6384,-2738.69C35.6414,-2911.75 108.361,-4169.84 115.445,-4292.4"/> +<polygon fill="midnightblue" stroke="midnightblue" points="29.1319,-2738.48 25.0606,-2728.7 22.1436,-2738.88 29.1319,-2738.48"/> </g> <!-- Node84 --> <g id="node84" class="node"><title>Node84</title> <g id="a_node84"><a xlink:href="classarm__compute_1_1_i_c_p_p_kernel.xhtml" target="_top" xlink:title="Common interface for all kernels implemented in C++. "> -<polygon fill="white" stroke="black" points="83,-1180.5 83,-1199.5 151,-1199.5 151,-1180.5 83,-1180.5"/> -<text text-anchor="middle" x="117" y="-1187.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICPPKernel</text> +<polygon fill="white" stroke="black" points="83,-1161.5 83,-1180.5 151,-1180.5 151,-1161.5 83,-1161.5"/> +<text text-anchor="middle" x="117" y="-1168.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICPPKernel</text> </a> </g> </g> <!-- Node1->Node84 --> <g id="edge83" class="edge"><title>Node1->Node84</title> -<path fill="none" stroke="midnightblue" d="M25.5614,-2877.2C35.281,-2695.87 108.634,-1327.42 115.487,-1199.57"/> -<polygon fill="midnightblue" stroke="midnightblue" points="22.055,-2877.23 25.0146,-2887.4 29.0449,-2877.6 22.055,-2877.23"/> +<path fill="none" stroke="midnightblue" d="M25.6854,-2698.95C35.8567,-2526.87 108.227,-1302.5 115.424,-1180.75"/> +<polygon fill="midnightblue" stroke="midnightblue" points="22.1805,-2698.93 25.0843,-2709.11 29.1684,-2699.34 22.1805,-2698.93"/> </g> <!-- Node3 --> <g id="node3" class="node"><title>Node3</title> <g id="a_node3"><a xlink:href="classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml" target="_top" xlink:title="Interface for the absolute difference kernel. "> -<polygon fill="white" stroke="black" points="203,-5614.5 203,-5633.5 343,-5633.5 343,-5614.5 203,-5614.5"/> -<text text-anchor="middle" x="273" y="-5621.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAbsoluteDifferenceKernel</text> +<polygon fill="white" stroke="black" points="203,-5277.5 203,-5296.5 343,-5296.5 343,-5277.5 203,-5277.5"/> +<text text-anchor="middle" x="273" y="-5284.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAbsoluteDifferenceKernel</text> </a> </g> </g> <!-- Node2->Node3 --> <g id="edge2" class="edge"><title>Node2->Node3</title> -<path fill="none" stroke="midnightblue" d="M118.022,-4658.84C118.347,-4790.1 123.021,-5530.73 187,-5605 191.342,-5610.04 196.703,-5613.91 202.604,-5616.86"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.522,-4658.64 118.003,-4648.65 114.522,-4658.66 121.522,-4658.64"/> +<path fill="none" stroke="midnightblue" d="M118.022,-4321.84C118.347,-4453.1 123.021,-5193.73 187,-5268 191.342,-5273.04 196.703,-5276.91 202.604,-5279.86"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.522,-4321.64 118.003,-4311.65 114.522,-4321.66 121.522,-4321.64"/> </g> <!-- Node4 --> <g id="node4" class="node"><title>Node4</title> <g id="a_node4"><a xlink:href="classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml" target="_top" xlink:title="Interface for the arithmetic addition kernel. "> -<polygon fill="white" stroke="black" points="204.5,-5576.5 204.5,-5595.5 341.5,-5595.5 341.5,-5576.5 204.5,-5576.5"/> -<text text-anchor="middle" x="273" y="-5583.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticAdditionKernel</text> +<polygon fill="white" stroke="black" points="204.5,-5239.5 204.5,-5258.5 341.5,-5258.5 341.5,-5239.5 204.5,-5239.5"/> +<text text-anchor="middle" x="273" y="-5246.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticAdditionKernel</text> </a> </g> </g> <!-- Node2->Node4 --> <g id="edge3" class="edge"><title>Node2->Node4</title> -<path fill="none" stroke="midnightblue" d="M118.083,-4658.84C118.802,-4787.08 125.547,-5495.87 187,-5567 191.745,-5572.49 197.699,-5576.59 204.242,-5579.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.582,-4658.54 118.032,-4648.56 114.582,-4658.58 121.582,-4658.54"/> +<path fill="none" stroke="midnightblue" d="M118.083,-4321.84C118.802,-4450.08 125.547,-5158.87 187,-5230 191.745,-5235.49 197.699,-5239.59 204.242,-5242.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.582,-4321.54 118.032,-4311.56 114.582,-4321.58 121.582,-4321.54"/> </g> <!-- Node5 --> <g id="node5" class="node"><title>Node5</title> <g id="a_node5"><a xlink:href="classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml" target="_top" xlink:title="Interface for the arithmetic subtraction kernel. "> -<polygon fill="white" stroke="black" points="197.5,-5538.5 197.5,-5557.5 348.5,-5557.5 348.5,-5538.5 197.5,-5538.5"/> -<text text-anchor="middle" x="273" y="-5545.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticSubtractionKernel</text> +<polygon fill="white" stroke="black" points="197.5,-5201.5 197.5,-5220.5 348.5,-5220.5 348.5,-5201.5 197.5,-5201.5"/> +<text text-anchor="middle" x="273" y="-5208.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLArithmeticSubtractionKernel</text> </a> </g> </g> <!-- Node2->Node5 --> <g id="edge4" class="edge"><title>Node2->Node5</title> -<path fill="none" stroke="midnightblue" d="M118.15,-4658.8C119.274,-4783.86 128.064,-5461 187,-5529 190.268,-5532.77 194.106,-5535.89 198.313,-5538.45"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.649,-4658.71 118.066,-4648.74 114.649,-4658.77 121.649,-4658.71"/> +<path fill="none" stroke="midnightblue" d="M118.15,-4321.8C119.274,-4446.86 128.064,-5124 187,-5192 190.268,-5195.77 194.106,-5198.89 198.313,-5201.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.649,-4321.71 118.066,-4311.74 114.649,-4321.77 121.649,-4321.71"/> </g> <!-- Node6 --> <g id="node6" class="node"><title>Node6</title> <g id="a_node6"><a xlink:href="classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml" target="_top" xlink:title="Interface for the bitwise AND operation kernel. "> -<polygon fill="white" stroke="black" points="219.5,-5500.5 219.5,-5519.5 326.5,-5519.5 326.5,-5500.5 219.5,-5500.5"/> -<text text-anchor="middle" x="273" y="-5507.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseAndKernel</text> +<polygon fill="white" stroke="black" points="219.5,-5163.5 219.5,-5182.5 326.5,-5182.5 326.5,-5163.5 219.5,-5163.5"/> +<text text-anchor="middle" x="273" y="-5170.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseAndKernel</text> </a> </g> </g> <!-- Node2->Node6 --> <g id="edge5" class="edge"><title>Node2->Node6</title> -<path fill="none" stroke="midnightblue" d="M118.221,-4658.7C119.761,-4780.35 130.57,-5426.12 187,-5491 195.236,-5500.47 207.067,-5505.8 219.295,-5508.67"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.719,-4658.56 118.099,-4648.6 114.72,-4658.65 121.719,-4658.56"/> +<path fill="none" stroke="midnightblue" d="M118.221,-4321.7C119.761,-4443.35 130.57,-5089.12 187,-5154 195.236,-5163.47 207.067,-5168.8 219.295,-5171.67"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.719,-4321.56 118.099,-4311.6 114.72,-4321.65 121.719,-4321.56"/> </g> <!-- Node7 --> <g id="node7" class="node"><title>Node7</title> <g id="a_node7"><a xlink:href="classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml" target="_top" xlink:title="Interface for the bitwise OR operation kernel. "> -<polygon fill="white" stroke="black" points="223,-5462.5 223,-5481.5 323,-5481.5 323,-5462.5 223,-5462.5"/> -<text text-anchor="middle" x="273" y="-5469.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseOrKernel</text> +<polygon fill="white" stroke="black" points="223,-5125.5 223,-5144.5 323,-5144.5 323,-5125.5 223,-5125.5"/> +<text text-anchor="middle" x="273" y="-5132.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseOrKernel</text> </a> </g> </g> <!-- Node2->Node7 --> <g id="edge6" class="edge"><title>Node2->Node7</title> -<path fill="none" stroke="midnightblue" d="M118.303,-4658.92C120.292,-4777.87 133.121,-5391.29 187,-5453 196.05,-5463.37 209.406,-5468.76 222.864,-5471.41"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.799,-4658.66 118.139,-4648.72 114.8,-4658.78 121.799,-4658.66"/> +<path fill="none" stroke="midnightblue" d="M118.303,-4321.92C120.292,-4440.87 133.121,-5054.29 187,-5116 196.05,-5126.37 209.406,-5131.76 222.864,-5134.41"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.799,-4321.66 118.139,-4311.72 114.8,-4321.78 121.799,-4321.66"/> </g> <!-- Node8 --> <g id="node8" class="node"><title>Node8</title> <g id="a_node8"><a xlink:href="classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml" target="_top" xlink:title="Interface for the bitwise XOR operation kernel. "> -<polygon fill="white" stroke="black" points="221,-5424.5 221,-5443.5 325,-5443.5 325,-5424.5 221,-5424.5"/> -<text text-anchor="middle" x="273" y="-5431.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseXorKernel</text> +<polygon fill="white" stroke="black" points="221,-5087.5 221,-5106.5 325,-5106.5 325,-5087.5 221,-5087.5"/> +<text text-anchor="middle" x="273" y="-5094.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseXorKernel</text> </a> </g> </g> <!-- Node2->Node8 --> <g id="edge7" class="edge"><title>Node2->Node8</title> -<path fill="none" stroke="midnightblue" d="M118.386,-4658.7C120.815,-4773.81 135.602,-5356.37 187,-5415 195.573,-5424.78 207.978,-5430.13 220.674,-5432.93"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.881,-4658.46 118.178,-4648.53 114.883,-4658.6 121.881,-4658.46"/> +<path fill="none" stroke="midnightblue" d="M118.386,-4321.7C120.815,-4436.81 135.602,-5019.37 187,-5078 195.573,-5087.78 207.978,-5093.13 220.674,-5095.93"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.881,-4321.46 118.178,-4311.53 114.883,-4321.6 121.881,-4321.46"/> </g> <!-- Node9 --> <g id="node9" class="node"><title>Node9</title> <g id="a_node9"><a xlink:href="classarm__compute_1_1_c_l_channel_combine_kernel.xhtml" target="_top" xlink:title="Interface for the channel combine kernel. "> -<polygon fill="white" stroke="black" points="207,-5386.5 207,-5405.5 339,-5405.5 339,-5386.5 207,-5386.5"/> -<text text-anchor="middle" x="273" y="-5393.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelCombineKernel</text> +<polygon fill="white" stroke="black" points="207,-5049.5 207,-5068.5 339,-5068.5 339,-5049.5 207,-5049.5"/> +<text text-anchor="middle" x="273" y="-5056.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelCombineKernel</text> </a> </g> </g> <!-- Node2->Node9 --> <g id="edge8" class="edge"><title>Node2->Node9</title> -<path fill="none" stroke="midnightblue" d="M118.482,-4658.77C121.39,-4770.66 138.125,-5321.5 187,-5377 192.397,-5383.13 199.299,-5387.52 206.831,-5390.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.977,-4658.49 118.225,-4648.58 114.979,-4658.67 121.977,-4658.49"/> +<path fill="none" stroke="midnightblue" d="M118.482,-4321.77C121.39,-4433.66 138.125,-4984.5 187,-5040 192.397,-5046.13 199.299,-5050.52 206.831,-5053.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.977,-4321.49 118.225,-4311.58 114.979,-4321.67 121.977,-4321.49"/> </g> <!-- Node10 --> <g id="node10" class="node"><title>Node10</title> <g id="a_node10"><a xlink:href="classarm__compute_1_1_c_l_channel_extract_kernel.xhtml" target="_top" xlink:title="Interface for the channel extract kernel. "> -<polygon fill="white" stroke="black" points="210.5,-5348.5 210.5,-5367.5 335.5,-5367.5 335.5,-5348.5 210.5,-5348.5"/> -<text text-anchor="middle" x="273" y="-5355.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelExtractKernel</text> +<polygon fill="white" stroke="black" points="210.5,-5011.5 210.5,-5030.5 335.5,-5030.5 335.5,-5011.5 210.5,-5011.5"/> +<text text-anchor="middle" x="273" y="-5018.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLChannelExtractKernel</text> </a> </g> </g> <!-- Node2->Node10 --> <g id="edge9" class="edge"><title>Node2->Node10</title> -<path fill="none" stroke="midnightblue" d="M118.588,-4658.76C121.988,-4767.15 140.631,-5286.62 187,-5339 193.214,-5346.02 201.404,-5350.75 210.248,-5353.9"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.081,-4658.48 118.276,-4648.59 115.084,-4658.69 122.081,-4658.48"/> +<path fill="none" stroke="midnightblue" d="M118.588,-4321.76C121.988,-4430.15 140.631,-4949.62 187,-5002 193.214,-5009.02 201.404,-5013.75 210.248,-5016.9"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.081,-4321.48 118.276,-4311.59 115.084,-4321.69 122.081,-4321.48"/> </g> <!-- Node11 --> <g id="node11" class="node"><title>Node11</title> <g id="a_node11"><a xlink:href="classarm__compute_1_1_c_l_col2_im_kernel.xhtml" target="_top" xlink:title="Interface for the col2im reshaping kernel. "> -<polygon fill="white" stroke="black" points="228.5,-5310.5 228.5,-5329.5 317.5,-5329.5 317.5,-5310.5 228.5,-5310.5"/> -<text text-anchor="middle" x="273" y="-5317.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCol2ImKernel</text> +<polygon fill="white" stroke="black" points="228.5,-4973.5 228.5,-4992.5 317.5,-4992.5 317.5,-4973.5 228.5,-4973.5"/> +<text text-anchor="middle" x="273" y="-4980.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCol2ImKernel</text> </a> </g> </g> <!-- Node2->Node11 --> <g id="edge10" class="edge"><title>Node2->Node11</title> -<path fill="none" stroke="midnightblue" d="M118.701,-4658.66C122.61,-4763.27 143.122,-5251.71 187,-5301 197.356,-5312.63 213.138,-5317.98 228.304,-5320.22"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.195,-4658.42 118.332,-4648.55 115.2,-4658.67 122.195,-4658.42"/> +<path fill="none" stroke="midnightblue" d="M118.701,-4321.66C122.61,-4426.27 143.122,-4914.71 187,-4964 197.356,-4975.63 213.138,-4980.98 228.304,-4983.22"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.195,-4321.42 118.332,-4311.55 115.2,-4321.67 122.195,-4321.42"/> </g> <!-- Node12 --> <g id="node12" class="node"><title>Node12</title> <g id="a_node12"><a xlink:href="classarm__compute_1_1_c_l_color_convert_kernel.xhtml" target="_top" xlink:title="Interface for the color convert kernel. "> -<polygon fill="white" stroke="black" points="215.5,-5272.5 215.5,-5291.5 330.5,-5291.5 330.5,-5272.5 215.5,-5272.5"/> -<text text-anchor="middle" x="273" y="-5279.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLColorConvertKernel</text> +<polygon fill="white" stroke="black" points="215.5,-4935.5 215.5,-4954.5 330.5,-4954.5 330.5,-4935.5 215.5,-4935.5"/> +<text text-anchor="middle" x="273" y="-4942.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLColorConvertKernel</text> </a> </g> </g> <!-- Node2->Node12 --> <g id="edge11" class="edge"><title>Node2->Node12</title> -<path fill="none" stroke="midnightblue" d="M118.852,-4659.11C123.349,-4760.96 145.684,-5216.88 187,-5263 194.365,-5271.22 204.442,-5276.3 215.084,-5279.36"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.342,-4658.79 118.412,-4648.95 115.349,-4659.1 122.342,-4658.79"/> +<path fill="none" stroke="midnightblue" d="M118.852,-4322.11C123.349,-4423.96 145.684,-4879.88 187,-4926 194.365,-4934.22 204.442,-4939.3 215.084,-4942.36"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.342,-4321.79 118.412,-4311.95 115.349,-4322.1 122.342,-4321.79"/> </g> <!-- Node13 --> <g id="node13" class="node"><title>Node13</title> <g id="a_node13"><a xlink:href="classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml" target="_top" xlink:title="Interface for the weights reshape kernel used by convolution and fully connected layers. "> -<polygon fill="white" stroke="black" points="202.5,-5223 202.5,-5253 343.5,-5253 343.5,-5223 202.5,-5223"/> -<text text-anchor="start" x="210.5" y="-5241" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionLayerWeights</text> -<text text-anchor="middle" x="273" y="-5230" font-family="Helvetica,sans-Serif" font-size="10.00">ReshapeKernel</text> +<polygon fill="white" stroke="black" points="202.5,-4886 202.5,-4916 343.5,-4916 343.5,-4886 202.5,-4886"/> +<text text-anchor="start" x="210.5" y="-4904" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionLayerWeights</text> +<text text-anchor="middle" x="273" y="-4893" font-family="Helvetica,sans-Serif" font-size="10.00">ReshapeKernel</text> </a> </g> </g> <!-- Node2->Node13 --> <g id="edge12" class="edge"><title>Node2->Node13</title> -<path fill="none" stroke="midnightblue" d="M117.575,-4658.84C116.03,-4749.89 114.181,-5126.93 187,-5213 191.272,-5218.05 196.507,-5222.11 202.261,-5225.37"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.079,-4658.63 117.77,-4648.56 114.081,-4658.5 121.079,-4658.63"/> +<path fill="none" stroke="midnightblue" d="M117.575,-4321.84C116.03,-4412.89 114.181,-4789.93 187,-4876 191.272,-4881.05 196.507,-4885.11 202.261,-4888.37"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.079,-4321.63 117.77,-4311.56 114.081,-4321.5 121.079,-4321.63"/> </g> <!-- Node14 --> <g id="node14" class="node"><title>Node14</title> <g id="a_node14"><a xlink:href="classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml" target="_top" xlink:title="Kernel for the running convolution on a rectangle matrix. "> -<polygon fill="white" stroke="black" points="196.5,-5184.5 196.5,-5203.5 349.5,-5203.5 349.5,-5184.5 196.5,-5184.5"/> -<text text-anchor="middle" x="273" y="-5191.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionRectangleKernel</text> +<polygon fill="white" stroke="black" points="196.5,-4847.5 196.5,-4866.5 349.5,-4866.5 349.5,-4847.5 196.5,-4847.5"/> +<text text-anchor="middle" x="273" y="-4854.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionRectangleKernel</text> </a> </g> </g> <!-- Node2->Node14 --> <g id="edge13" class="edge"><title>Node2->Node14</title> -<path fill="none" stroke="midnightblue" d="M117.637,-4659.02C116.468,-4746.89 116.355,-5097.55 187,-5175 190.465,-5178.8 194.508,-5181.92 198.916,-5184.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.14,-4658.87 117.795,-4648.82 114.14,-4658.76 121.14,-4658.87"/> +<path fill="none" stroke="midnightblue" d="M117.637,-4322.02C116.468,-4409.89 116.355,-4760.55 187,-4838 190.465,-4841.8 194.508,-4844.92 198.916,-4847.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.14,-4321.87 117.795,-4311.82 114.14,-4321.76 121.14,-4321.87"/> </g> <!-- Node15 --> <g id="node15" class="node"><title>Node15</title> <g id="a_node15"><a xlink:href="classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml" target="_top" xlink:title="CL kernel to copy keypoints information to ICLKeyPointArray and counts the number of key points..."> -<polygon fill="white" stroke="black" points="215.5,-5146.5 215.5,-5165.5 330.5,-5165.5 330.5,-5146.5 215.5,-5146.5"/> -<text text-anchor="middle" x="273" y="-5153.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCopyToArrayKernel</text> +<polygon fill="white" stroke="black" points="215.5,-4809.5 215.5,-4828.5 330.5,-4828.5 330.5,-4809.5 215.5,-4809.5"/> +<text text-anchor="middle" x="273" y="-4816.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLCopyToArrayKernel</text> </a> </g> </g> <!-- Node2->Node15 --> <g id="edge14" class="edge"><title>Node2->Node15</title> -<path fill="none" stroke="midnightblue" d="M117.856,-4658.64C117.66,-4742.02 121.208,-5065.56 187,-5137 194.478,-5145.12 204.603,-5150.15 215.257,-5153.2"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.357,-4658.54 117.903,-4648.53 114.357,-4658.51 121.357,-4658.54"/> +<path fill="none" stroke="midnightblue" d="M117.856,-4321.64C117.66,-4405.02 121.208,-4728.56 187,-4800 194.478,-4808.12 204.603,-4813.15 215.257,-4816.2"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.357,-4321.54 117.903,-4311.53 114.357,-4321.51 121.357,-4321.54"/> </g> <!-- Node16 --> <g id="node16" class="node"><title>Node16</title> <g id="a_node16"><a xlink:href="classarm__compute_1_1_c_l_derivative_kernel.xhtml" target="_top" xlink:title="Interface for the derivative kernel. "> -<polygon fill="white" stroke="black" points="222.5,-5108.5 222.5,-5127.5 323.5,-5127.5 323.5,-5108.5 222.5,-5108.5"/> -<text text-anchor="middle" x="273" y="-5115.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDerivativeKernel</text> +<polygon fill="white" stroke="black" points="222.5,-4771.5 222.5,-4790.5 323.5,-4790.5 323.5,-4771.5 222.5,-4771.5"/> +<text text-anchor="middle" x="273" y="-4778.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDerivativeKernel</text> </a> </g> </g> <!-- Node2->Node16 --> <g id="edge15" class="edge"><title>Node2->Node16</title> -<path fill="none" stroke="midnightblue" d="M118.105,-4658.65C118.939,-4737.99 126.148,-5033.66 187,-5099 196.172,-5108.85 209.24,-5114.14 222.387,-5116.87"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.604,-4658.53 118.022,-4648.56 114.604,-4658.59 121.604,-4658.53"/> +<path fill="none" stroke="midnightblue" d="M118.105,-4321.65C118.939,-4400.99 126.148,-4696.66 187,-4762 196.172,-4771.85 209.24,-4777.14 222.387,-4779.87"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.604,-4321.53 118.022,-4311.56 114.604,-4321.59 121.604,-4321.53"/> </g> <!-- Node17 --> <g id="node17" class="node"><title>Node17</title> <g id="a_node17"><a xlink:href="classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform Non-Maxima suppression for Canny Edge. "> -<polygon fill="white" stroke="black" points="188,-5070.5 188,-5089.5 358,-5089.5 358,-5070.5 188,-5070.5"/> -<text text-anchor="middle" x="273" y="-5077.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEdgeNonMaxSuppressionKernel</text> +<polygon fill="white" stroke="black" points="188,-4733.5 188,-4752.5 358,-4752.5 358,-4733.5 188,-4733.5"/> +<text text-anchor="middle" x="273" y="-4740.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEdgeNonMaxSuppressionKernel</text> </a> </g> </g> <!-- Node2->Node17 --> <g id="edge16" class="edge"><title>Node2->Node17</title> -<path fill="none" stroke="midnightblue" d="M118.404,-4658.91C120.349,-4734.42 131.137,-5001.81 187,-5061 190.529,-5064.74 194.619,-5067.82 199.061,-5070.35"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.893,-4658.42 118.162,-4648.5 114.895,-4658.58 121.893,-4658.42"/> +<path fill="none" stroke="midnightblue" d="M118.404,-4321.91C120.349,-4397.42 131.137,-4664.81 187,-4724 190.529,-4727.74 194.619,-4730.82 199.061,-4733.35"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.893,-4321.42 118.162,-4311.5 114.895,-4321.58 121.893,-4321.42"/> </g> <!-- Node18 --> <g id="node18" class="node"><title>Node18</title> <g id="a_node18"><a xlink:href="classarm__compute_1_1_c_l_edge_trace_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform Edge tracing. "> -<polygon fill="white" stroke="black" points="221,-5032.5 221,-5051.5 325,-5051.5 325,-5032.5 221,-5032.5"/> -<text text-anchor="middle" x="273" y="-5039.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEdgeTraceKernel</text> +<polygon fill="white" stroke="black" points="221,-4695.5 221,-4714.5 325,-4714.5 325,-4695.5 221,-4695.5"/> +<text text-anchor="middle" x="273" y="-4702.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLEdgeTraceKernel</text> </a> </g> </g> <!-- Node2->Node18 --> <g id="edge17" class="edge"><title>Node2->Node18</title> -<path fill="none" stroke="midnightblue" d="M118.758,-4658.94C121.874,-4730.05 136.046,-4969.85 187,-5023 195.895,-5032.28 208.254,-5037.49 220.796,-5040.31"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.244,-4658.54 118.336,-4648.69 115.25,-4658.82 122.244,-4658.54"/> +<path fill="none" stroke="midnightblue" d="M118.758,-4321.94C121.874,-4393.05 136.046,-4632.85 187,-4686 195.895,-4695.28 208.254,-4700.49 220.796,-4703.31"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.244,-4321.54 118.336,-4311.69 115.25,-4321.82 122.244,-4321.54"/> </g> <!-- Node19 --> <g id="node19" class="node"><title>Node19</title> <g id="a_node19"><a xlink:href="classarm__compute_1_1_c_l_fast_corners_kernel.xhtml" target="_top" xlink:title="CL kernel to perform fast corners. "> -<polygon fill="white" stroke="black" points="217.5,-4994.5 217.5,-5013.5 328.5,-5013.5 328.5,-4994.5 217.5,-4994.5"/> -<text text-anchor="middle" x="273" y="-5001.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFastCornersKernel</text> +<polygon fill="white" stroke="black" points="217.5,-4657.5 217.5,-4676.5 328.5,-4676.5 328.5,-4657.5 217.5,-4657.5"/> +<text text-anchor="middle" x="273" y="-4664.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFastCornersKernel</text> </a> </g> </g> <!-- Node2->Node19 --> <g id="edge18" class="edge"><title>Node2->Node19</title> -<path fill="none" stroke="midnightblue" d="M119.196,-4659.08C123.577,-4725.7 140.962,-4937.89 187,-4985 195.137,-4993.33 206.07,-4998.36 217.379,-5001.34"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.666,-4658.48 118.544,-4648.72 115.679,-4658.92 122.666,-4658.48"/> +<path fill="none" stroke="midnightblue" d="M119.196,-4322.08C123.577,-4388.7 140.962,-4600.89 187,-4648 195.137,-4656.33 206.07,-4661.36 217.379,-4664.34"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.666,-4321.48 118.544,-4311.72 115.679,-4321.92 122.666,-4321.48"/> </g> <!-- Node20 --> <g id="node20" class="node"><title>Node20</title> <g id="a_node20"><a xlink:href="classarm__compute_1_1_c_l_fill_border_kernel.xhtml" target="_top" xlink:title="Interface for filling the border of a kernel. "> -<polygon fill="white" stroke="black" points="224,-4956.5 224,-4975.5 322,-4975.5 322,-4956.5 224,-4956.5"/> -<text text-anchor="middle" x="273" y="-4963.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFillBorderKernel</text> +<polygon fill="white" stroke="black" points="224,-4619.5 224,-4638.5 322,-4638.5 322,-4619.5 224,-4619.5"/> +<text text-anchor="middle" x="273" y="-4626.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLFillBorderKernel</text> </a> </g> </g> <!-- Node2->Node20 --> <g id="edge19" class="edge"><title>Node2->Node20</title> -<path fill="none" stroke="midnightblue" d="M119.71,-4658.84C125.408,-4720.29 145.765,-4905.78 187,-4947 196.732,-4956.73 210.286,-4961.94 223.714,-4964.62"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.169,-4658.23 118.789,-4648.58 116.197,-4658.85 123.169,-4658.23"/> +<path fill="none" stroke="midnightblue" d="M119.71,-4321.84C125.408,-4383.29 145.765,-4568.78 187,-4610 196.732,-4619.73 210.286,-4624.94 223.714,-4627.62"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.169,-4321.23 118.789,-4311.58 116.197,-4321.85 123.169,-4321.23"/> </g> <!-- Node21 --> <g id="node21" class="node"><title>Node21</title> <g id="a_node21"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" target="_top" xlink:title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. "> -<polygon fill="white" stroke="black" points="200,-4918.5 200,-4937.5 346,-4937.5 346,-4918.5 200,-4918.5"/> -<text text-anchor="middle" x="273" y="-4925.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMInterleave4x4Kernel</text> +<polygon fill="white" stroke="black" points="200,-4581.5 200,-4600.5 346,-4600.5 346,-4581.5 200,-4581.5"/> +<text text-anchor="middle" x="273" y="-4588.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMInterleave4x4Kernel</text> </a> </g> </g> <!-- Node2->Node21 --> <g id="edge20" class="edge"><title>Node2->Node21</title> -<path fill="none" stroke="midnightblue" d="M120.348,-4658.57C127.459,-4714.56 150.534,-4873.62 187,-4909 190.907,-4912.79 195.396,-4915.89 200.226,-4918.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.809,-4658.03 119.107,-4648.54 116.862,-4658.89 123.809,-4658.03"/> +<path fill="none" stroke="midnightblue" d="M120.348,-4321.57C127.459,-4377.56 150.534,-4536.62 187,-4572 190.907,-4575.79 195.396,-4578.89 200.226,-4581.42"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.809,-4321.03 119.107,-4311.54 116.862,-4321.89 123.809,-4321.03"/> </g> <!-- Node22 --> <g id="node22" class="node"><title>Node22</title> <g id="a_node22"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to compute low precision matrix multiplication kernel. "> -<polygon fill="white" stroke="black" points="201,-4869 201,-4899 345,-4899 345,-4869 201,-4869"/> -<text text-anchor="start" x="209" y="-4887" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMLowpMatrixMultiply</text> -<text text-anchor="middle" x="273" y="-4876" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="201,-4532 201,-4562 345,-4562 345,-4532 201,-4532"/> +<text text-anchor="start" x="209" y="-4550" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMLowpMatrixMultiply</text> +<text text-anchor="middle" x="273" y="-4539" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node2->Node22 --> <g id="edge21" class="edge"><title>Node2->Node22</title> -<path fill="none" stroke="midnightblue" d="M118.218,-4658.84C119.798,-4701.85 129.735,-4804.28 187,-4860 191.066,-4863.96 195.733,-4867.27 200.741,-4870.05"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.71,-4658.5 117.964,-4648.59 114.713,-4658.67 121.71,-4658.5"/> +<path fill="none" stroke="midnightblue" d="M118.218,-4321.84C119.798,-4364.85 129.735,-4467.28 187,-4523 191.066,-4526.96 195.733,-4530.27 200.741,-4533.05"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.71,-4321.5 117.964,-4311.59 114.713,-4321.67 121.71,-4321.5"/> </g> <!-- Node23 --> <g id="node23" class="node"><title>Node23</title> <g id="a_node23"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_top" xlink:title="Interface to add a bias to each row of the input tensor. "> -<polygon fill="white" stroke="black" points="188.5,-4820 188.5,-4850 357.5,-4850 357.5,-4820 188.5,-4820"/> -<text text-anchor="start" x="196.5" y="-4838" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixAccumulateBiases</text> -<text text-anchor="middle" x="273" y="-4827" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="188.5,-4483 188.5,-4513 357.5,-4513 357.5,-4483 188.5,-4483"/> +<text text-anchor="start" x="196.5" y="-4501" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixAccumulateBiases</text> +<text text-anchor="middle" x="273" y="-4490" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node2->Node23 --> <g id="edge22" class="edge"><title>Node2->Node23</title> -<path fill="none" stroke="midnightblue" d="M120.377,-4658.87C125.694,-4694.43 141.852,-4769.05 187,-4810 191.216,-4813.82 195.988,-4817.06 201.069,-4819.81"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.822,-4658.23 119.009,-4648.79 116.886,-4659.17 123.822,-4658.23"/> +<path fill="none" stroke="midnightblue" d="M120.377,-4321.87C125.694,-4357.43 141.852,-4432.05 187,-4473 191.216,-4476.82 195.988,-4480.06 201.069,-4482.81"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.822,-4321.23 119.009,-4311.79 116.886,-4322.17 123.822,-4321.23"/> </g> <!-- Node24 --> <g id="node24" class="node"><title>Node24</title> <g id="a_node24"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform the in-place matrix addition between 2 matrices, taking into account that th..."> -<polygon fill="white" stroke="black" points="198,-4781.5 198,-4800.5 348,-4800.5 348,-4781.5 198,-4781.5"/> -<text text-anchor="middle" x="273" y="-4788.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixAdditionKernel</text> +<polygon fill="white" stroke="black" points="198,-4444.5 198,-4463.5 348,-4463.5 348,-4444.5 198,-4444.5"/> +<text text-anchor="middle" x="273" y="-4451.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixAdditionKernel</text> </a> </g> </g> <!-- Node2->Node24 --> <g id="edge23" class="edge"><title>Node2->Node24</title> -<path fill="none" stroke="midnightblue" d="M122.588,-4658.78C130.484,-4688.22 149.531,-4743.16 187,-4772 192.032,-4775.87 197.701,-4778.99 203.663,-4781.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="125.926,-4657.7 120.093,-4648.86 119.137,-4659.41 125.926,-4657.7"/> +<path fill="none" stroke="midnightblue" d="M122.588,-4321.78C130.484,-4351.22 149.531,-4406.16 187,-4435 192.032,-4438.87 197.701,-4441.99 203.663,-4444.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="125.926,-4320.7 120.093,-4311.86 119.137,-4322.41 125.926,-4320.7"/> </g> <!-- Node25 --> <g id="node25" class="node"><title>Node25</title> <g id="a_node25"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to multiply two input matrices "A" and "B" or to multiply a vector "A" by a matrix "B"..."> -<polygon fill="white" stroke="black" points="198.5,-4743.5 198.5,-4762.5 347.5,-4762.5 347.5,-4743.5 198.5,-4743.5"/> -<text text-anchor="middle" x="273" y="-4750.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixMultiplyKernel</text> +<polygon fill="white" stroke="black" points="198.5,-4406.5 198.5,-4425.5 347.5,-4425.5 347.5,-4406.5 198.5,-4406.5"/> +<text text-anchor="middle" x="273" y="-4413.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMMatrixMultiplyKernel</text> </a> </g> </g> <!-- Node2->Node25 --> <g id="edge24" class="edge"><title>Node2->Node25</title> -<path fill="none" stroke="midnightblue" d="M126.476,-4657.83C137.31,-4679.66 158.174,-4715.06 187,-4734 192.94,-4737.9 199.564,-4741.01 206.42,-4743.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="129.543,-4656.13 122.091,-4648.59 123.22,-4659.13 129.543,-4656.13"/> +<path fill="none" stroke="midnightblue" d="M126.476,-4320.83C137.31,-4342.66 158.174,-4378.06 187,-4397 192.94,-4400.9 199.564,-4404.01 206.42,-4406.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="129.543,-4319.13 122.091,-4311.59 123.22,-4322.13 129.543,-4319.13"/> </g> <!-- Node26 --> <g id="node26" class="node"><title>Node26</title> <g id="a_node26"><a xlink:href="classarm__compute_1_1_c_l_gradient_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform Gradient computation. "> -<polygon fill="white" stroke="black" points="226,-4705.5 226,-4724.5 320,-4724.5 320,-4705.5 226,-4705.5"/> -<text text-anchor="middle" x="273" y="-4712.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGradientKernel</text> +<polygon fill="white" stroke="black" points="226,-4368.5 226,-4387.5 320,-4387.5 320,-4368.5 226,-4368.5"/> +<text text-anchor="middle" x="273" y="-4375.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGradientKernel</text> </a> </g> </g> <!-- Node2->Node26 --> <g id="edge25" class="edge"><title>Node2->Node26</title> -<path fill="none" stroke="midnightblue" d="M134.052,-4656.07C147.114,-4668.95 166.659,-4686.04 187,-4696 198.952,-4701.85 212.731,-4705.92 225.668,-4708.75"/> -<polygon fill="midnightblue" stroke="midnightblue" points="136.313,-4653.38 126.807,-4648.7 131.32,-4658.28 136.313,-4653.38"/> +<path fill="none" stroke="midnightblue" d="M134.052,-4319.07C147.114,-4331.95 166.659,-4349.04 187,-4359 198.952,-4364.85 212.731,-4368.92 225.668,-4371.75"/> +<polygon fill="midnightblue" stroke="midnightblue" points="136.313,-4316.38 126.807,-4311.7 131.32,-4321.28 136.313,-4316.38"/> </g> <!-- Node27 --> <g id="node27" class="node"><title>Node27</title> <g id="a_node27"><a xlink:href="classarm__compute_1_1_c_l_harris_score_kernel.xhtml" target="_top" xlink:title="Interface for the harris score kernel. "> -<polygon fill="white" stroke="black" points="218.5,-4667.5 218.5,-4686.5 327.5,-4686.5 327.5,-4667.5 218.5,-4667.5"/> -<text text-anchor="middle" x="273" y="-4674.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHarrisScoreKernel</text> +<polygon fill="white" stroke="black" points="218.5,-4330.5 218.5,-4349.5 327.5,-4349.5 327.5,-4330.5 218.5,-4330.5"/> +<text text-anchor="middle" x="273" y="-4337.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHarrisScoreKernel</text> </a> </g> </g> <!-- Node2->Node27 --> <g id="edge26" class="edge"><title>Node2->Node27</title> -<path fill="none" stroke="midnightblue" d="M156.995,-4650.09C166.767,-4652.78 177.247,-4655.57 187,-4658 200.058,-4661.26 214.31,-4664.54 227.348,-4667.45"/> -<polygon fill="midnightblue" stroke="midnightblue" points="157.698,-4646.66 147.126,-4647.36 155.828,-4653.4 157.698,-4646.66"/> +<path fill="none" stroke="midnightblue" d="M156.995,-4313.09C166.767,-4315.78 177.247,-4318.57 187,-4321 200.058,-4324.26 214.31,-4327.54 227.348,-4330.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="157.698,-4309.66 147.126,-4310.36 155.828,-4316.4 157.698,-4309.66"/> </g> <!-- Node28 --> <g id="node28" class="node"><title>Node28</title> <g id="a_node28"><a xlink:href="classarm__compute_1_1_c_l_histogram_border_kernel.xhtml" target="_top" xlink:title="Interface to run the histogram kernel to handle the leftover part of image. "> -<polygon fill="white" stroke="black" points="207.5,-4629.5 207.5,-4648.5 338.5,-4648.5 338.5,-4629.5 207.5,-4629.5"/> -<text text-anchor="middle" x="273" y="-4636.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogramBorderKernel</text> +<polygon fill="white" stroke="black" points="207.5,-4292.5 207.5,-4311.5 338.5,-4311.5 338.5,-4292.5 207.5,-4292.5"/> +<text text-anchor="middle" x="273" y="-4299.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogramBorderKernel</text> </a> </g> </g> <!-- Node2->Node28 --> <g id="edge27" class="edge"><title>Node2->Node28</title> -<path fill="none" stroke="midnightblue" d="M157.399,-4639C172.604,-4639 190.402,-4639 207.376,-4639"/> -<polygon fill="midnightblue" stroke="midnightblue" points="157.329,-4635.5 147.329,-4639 157.329,-4642.5 157.329,-4635.5"/> +<path fill="none" stroke="midnightblue" d="M157.399,-4302C172.604,-4302 190.402,-4302 207.376,-4302"/> +<polygon fill="midnightblue" stroke="midnightblue" points="157.329,-4298.5 147.329,-4302 157.329,-4305.5 157.329,-4298.5"/> </g> <!-- Node29 --> <g id="node29" class="node"><title>Node29</title> <g id="a_node29"><a xlink:href="classarm__compute_1_1_c_l_histogram_kernel.xhtml" target="_top" xlink:title="Interface to run the histogram kernel. "> -<polygon fill="white" stroke="black" points="222,-4591.5 222,-4610.5 324,-4610.5 324,-4591.5 222,-4591.5"/> -<text text-anchor="middle" x="273" y="-4598.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogramKernel</text> +<polygon fill="white" stroke="black" points="222,-4254.5 222,-4273.5 324,-4273.5 324,-4254.5 222,-4254.5"/> +<text text-anchor="middle" x="273" y="-4261.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLHistogramKernel</text> </a> </g> </g> <!-- Node2->Node29 --> <g id="edge28" class="edge"><title>Node2->Node29</title> -<path fill="none" stroke="midnightblue" d="M156.995,-4627.91C166.767,-4625.22 177.247,-4622.43 187,-4620 200.058,-4616.74 214.31,-4613.46 227.348,-4610.55"/> -<polygon fill="midnightblue" stroke="midnightblue" points="155.828,-4624.6 147.126,-4630.64 157.698,-4631.34 155.828,-4624.6"/> +<path fill="none" stroke="midnightblue" d="M156.995,-4290.91C166.767,-4288.22 177.247,-4285.43 187,-4283 200.058,-4279.74 214.31,-4276.46 227.348,-4273.55"/> +<polygon fill="midnightblue" stroke="midnightblue" points="155.828,-4287.6 147.126,-4293.64 157.698,-4294.34 155.828,-4287.6"/> </g> <!-- Node30 --> <g id="node30" class="node"><title>Node30</title> <g id="a_node30"><a xlink:href="classarm__compute_1_1_c_l_im2_col_kernel.xhtml" target="_top" xlink:title="Interface for the im2col reshape kernel. "> -<polygon fill="white" stroke="black" points="228.5,-4553.5 228.5,-4572.5 317.5,-4572.5 317.5,-4553.5 228.5,-4553.5"/> -<text text-anchor="middle" x="273" y="-4560.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIm2ColKernel</text> +<polygon fill="white" stroke="black" points="228.5,-4216.5 228.5,-4235.5 317.5,-4235.5 317.5,-4216.5 228.5,-4216.5"/> +<text text-anchor="middle" x="273" y="-4223.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIm2ColKernel</text> </a> </g> </g> <!-- Node2->Node30 --> <g id="edge29" class="edge"><title>Node2->Node30</title> -<path fill="none" stroke="midnightblue" d="M134.052,-4621.93C147.114,-4609.05 166.659,-4591.96 187,-4582 199.767,-4575.75 214.618,-4571.53 228.302,-4568.69"/> -<polygon fill="midnightblue" stroke="midnightblue" points="131.32,-4619.72 126.807,-4629.3 136.313,-4624.62 131.32,-4619.72"/> +<path fill="none" stroke="midnightblue" d="M134.052,-4284.93C147.114,-4272.05 166.659,-4254.96 187,-4245 199.767,-4238.75 214.618,-4234.53 228.302,-4231.69"/> +<polygon fill="midnightblue" stroke="midnightblue" points="131.32,-4282.72 126.807,-4292.3 136.313,-4287.62 131.32,-4282.72"/> </g> <!-- Node31 --> <g id="node31" class="node"><title>Node31</title> <g id="a_node31"><a xlink:href="classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml" target="_top" xlink:title="Interface to run the vertical pass of the integral image kernel. "> -<polygon fill="white" stroke="black" points="206,-4515.5 206,-4534.5 340,-4534.5 340,-4515.5 206,-4515.5"/> -<text text-anchor="middle" x="273" y="-4522.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImageVertKernel</text> +<polygon fill="white" stroke="black" points="206,-4178.5 206,-4197.5 340,-4197.5 340,-4178.5 206,-4178.5"/> +<text text-anchor="middle" x="273" y="-4185.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImageVertKernel</text> </a> </g> </g> <!-- Node2->Node31 --> <g id="edge30" class="edge"><title>Node2->Node31</title> -<path fill="none" stroke="midnightblue" d="M126.476,-4620.17C137.31,-4598.34 158.174,-4562.94 187,-4544 192.94,-4540.1 199.564,-4536.99 206.42,-4534.51"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.22,-4618.87 122.091,-4629.41 129.543,-4621.87 123.22,-4618.87"/> +<path fill="none" stroke="midnightblue" d="M126.476,-4283.17C137.31,-4261.34 158.174,-4225.94 187,-4207 192.94,-4203.1 199.564,-4199.99 206.42,-4197.51"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.22,-4281.87 122.091,-4292.41 129.543,-4284.87 123.22,-4281.87"/> </g> <!-- Node32 --> <g id="node32" class="node"><title>Node32</title> <g id="a_node32"><a xlink:href="classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml" target="_top" xlink:title="Interface to run the finalize step of LKTracker, where it truncates the coordinates stored in new_poi..."> -<polygon fill="white" stroke="black" points="205,-4477.5 205,-4496.5 341,-4496.5 341,-4477.5 205,-4477.5"/> -<text text-anchor="middle" x="273" y="-4484.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerFinalizeKernel</text> +<polygon fill="white" stroke="black" points="205,-4140.5 205,-4159.5 341,-4159.5 341,-4140.5 205,-4140.5"/> +<text text-anchor="middle" x="273" y="-4147.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerFinalizeKernel</text> </a> </g> </g> <!-- Node2->Node32 --> <g id="edge31" class="edge"><title>Node2->Node32</title> -<path fill="none" stroke="midnightblue" d="M122.588,-4619.22C130.484,-4589.78 149.531,-4534.84 187,-4506 192.392,-4501.85 198.515,-4498.57 204.945,-4495.99"/> -<polygon fill="midnightblue" stroke="midnightblue" points="119.137,-4618.59 120.093,-4629.14 125.926,-4620.3 119.137,-4618.59"/> +<path fill="none" stroke="midnightblue" d="M122.588,-4282.22C130.484,-4252.78 149.531,-4197.84 187,-4169 192.392,-4164.85 198.515,-4161.57 204.945,-4158.99"/> +<polygon fill="midnightblue" stroke="midnightblue" points="119.137,-4281.59 120.093,-4292.14 125.926,-4283.3 119.137,-4281.59"/> </g> <!-- Node33 --> <g id="node33" class="node"><title>Node33</title> <g id="a_node33"><a xlink:href="classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml" target="_top" xlink:title="Interface to run the initialization step of LKTracker. "> -<polygon fill="white" stroke="black" points="215,-4439.5 215,-4458.5 331,-4458.5 331,-4439.5 215,-4439.5"/> -<text text-anchor="middle" x="273" y="-4446.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerInitKernel</text> +<polygon fill="white" stroke="black" points="215,-4102.5 215,-4121.5 331,-4121.5 331,-4102.5 215,-4102.5"/> +<text text-anchor="middle" x="273" y="-4109.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerInitKernel</text> </a> </g> </g> <!-- Node2->Node33 --> <g id="edge32" class="edge"><title>Node2->Node33</title> -<path fill="none" stroke="midnightblue" d="M120.046,-4619.34C124.866,-4583.51 140.303,-4507.62 187,-4468 194.956,-4461.25 204.798,-4456.76 214.932,-4453.8"/> -<polygon fill="midnightblue" stroke="midnightblue" points="116.547,-4619.13 118.828,-4629.47 123.497,-4619.96 116.547,-4619.13"/> +<path fill="none" stroke="midnightblue" d="M120.046,-4282.34C124.866,-4246.51 140.303,-4170.62 187,-4131 194.956,-4124.25 204.798,-4119.76 214.932,-4116.8"/> +<polygon fill="midnightblue" stroke="midnightblue" points="116.547,-4282.13 118.828,-4292.47 123.497,-4282.96 116.547,-4282.13"/> </g> <!-- Node34 --> <g id="node34" class="node"><title>Node34</title> <g id="a_node34"><a xlink:href="classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml" target="_top" xlink:title="Interface to run the first stage of LKTracker, where A11, A12, A22, min_eig, ival, ixval and iyval are computed. "> -<polygon fill="white" stroke="black" points="206.5,-4401.5 206.5,-4420.5 339.5,-4420.5 339.5,-4401.5 206.5,-4401.5"/> -<text text-anchor="middle" x="273" y="-4408.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerStage0Kernel</text> +<polygon fill="white" stroke="black" points="206.5,-4064.5 206.5,-4083.5 339.5,-4083.5 339.5,-4064.5 206.5,-4064.5"/> +<text text-anchor="middle" x="273" y="-4071.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerStage0Kernel</text> </a> </g> </g> <!-- Node2->Node34 --> <g id="edge33" class="edge"><title>Node2->Node34</title> -<path fill="none" stroke="midnightblue" d="M118.402,-4619.14C120.374,-4577.49 131.081,-4480.64 187,-4430 192.604,-4424.92 199.261,-4421.11 206.347,-4418.25"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.897,-4619.23 118.047,-4629.34 121.892,-4619.47 114.897,-4619.23"/> +<path fill="none" stroke="midnightblue" d="M118.402,-4282.14C120.374,-4240.49 131.081,-4143.64 187,-4093 192.604,-4087.92 199.261,-4084.11 206.347,-4081.25"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.897,-4282.23 118.047,-4292.34 121.892,-4282.47 114.897,-4282.23"/> </g> <!-- Node35 --> <g id="node35" class="node"><title>Node35</title> <g id="a_node35"><a xlink:href="classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml" target="_top" xlink:title="Interface to run the second stage of LKTracker, where the motion vectors of the given points are comp..."> -<polygon fill="white" stroke="black" points="206.5,-4363.5 206.5,-4382.5 339.5,-4382.5 339.5,-4363.5 206.5,-4363.5"/> -<text text-anchor="middle" x="273" y="-4370.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerStage1Kernel</text> +<polygon fill="white" stroke="black" points="206.5,-4026.5 206.5,-4045.5 339.5,-4045.5 339.5,-4026.5 206.5,-4026.5"/> +<text text-anchor="middle" x="273" y="-4033.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLKTrackerStage1Kernel</text> </a> </g> </g> <!-- Node2->Node35 --> <g id="edge34" class="edge"><title>Node2->Node35</title> -<path fill="none" stroke="midnightblue" d="M117.215,-4619.47C116.475,-4572.82 121.505,-4454.14 187,-4392 192.485,-4386.8 199.069,-4382.9 206.115,-4380"/> -<polygon fill="midnightblue" stroke="midnightblue" points="113.716,-4619.57 117.484,-4629.47 120.713,-4619.38 113.716,-4619.57"/> +<path fill="none" stroke="midnightblue" d="M117.215,-4282.47C116.475,-4235.82 121.505,-4117.14 187,-4055 192.485,-4049.8 199.069,-4045.9 206.115,-4043"/> +<polygon fill="midnightblue" stroke="midnightblue" points="113.716,-4282.57 117.484,-4292.47 120.713,-4282.38 113.716,-4282.57"/> </g> <!-- Node36 --> <g id="node36" class="node"><title>Node36</title> <g id="a_node36"><a xlink:href="classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml" target="_top" xlink:title="Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by..."> -<polygon fill="white" stroke="black" points="213,-4325.5 213,-4344.5 333,-4344.5 333,-4325.5 213,-4325.5"/> -<text text-anchor="middle" x="273" y="-4332.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DNormKernel</text> +<polygon fill="white" stroke="black" points="213,-3988.5 213,-4007.5 333,-4007.5 333,-3988.5 213,-3988.5"/> +<text text-anchor="middle" x="273" y="-3995.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DNormKernel</text> </a> </g> </g> <!-- Node2->Node36 --> <g id="edge35" class="edge"><title>Node2->Node36</title> -<path fill="none" stroke="midnightblue" d="M120.101,-4619.11C126.67,-4560.74 148.701,-4391.63 187,-4354 194.119,-4347.01 203.217,-4342.35 212.8,-4339.3"/> -<polygon fill="midnightblue" stroke="midnightblue" points="116.602,-4618.92 118.993,-4629.24 123.56,-4619.68 116.602,-4618.92"/> +<path fill="none" stroke="midnightblue" d="M120.101,-4282.11C126.67,-4223.74 148.701,-4054.63 187,-4017 194.119,-4010.01 203.217,-4005.35 212.8,-4002.3"/> +<polygon fill="midnightblue" stroke="midnightblue" points="116.602,-4281.92 118.993,-4292.24 123.56,-4282.68 116.602,-4281.92"/> </g> <!-- Node37 --> <g id="node37" class="node"><title>Node37</title> <g id="a_node37"><a xlink:href="classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml" target="_top" xlink:title="Interface for shifting the logits values around the max value and exponentiating the result..."> -<polygon fill="white" stroke="black" points="196,-4287.5 196,-4306.5 350,-4306.5 350,-4287.5 196,-4287.5"/> -<text text-anchor="middle" x="273" y="-4294.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DShiftExpSumKernel</text> +<polygon fill="white" stroke="black" points="196,-3950.5 196,-3969.5 350,-3969.5 350,-3950.5 196,-3950.5"/> +<text text-anchor="middle" x="273" y="-3957.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DShiftExpSumKernel</text> </a> </g> </g> <!-- Node2->Node37 --> <g id="edge36" class="edge"><title>Node2->Node37</title> -<path fill="none" stroke="midnightblue" d="M119.497,-4619.02C124.669,-4555.46 143.881,-4359.53 187,-4316 190.725,-4312.24 195.019,-4309.15 199.659,-4306.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.985,-4619.04 118.692,-4629.28 122.964,-4619.59 115.985,-4619.04"/> +<path fill="none" stroke="midnightblue" d="M119.497,-4282.02C124.669,-4218.46 143.881,-4022.53 187,-3979 190.725,-3975.24 195.019,-3972.15 199.659,-3969.63"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.985,-4282.04 118.692,-4292.28 122.964,-4282.59 115.985,-4282.04"/> </g> <!-- Node38 --> <g id="node38" class="node"><title>Node38</title> <g id="a_node38"><a xlink:href="classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute magnitude and phase. "> -<polygon fill="white" stroke="black" points="208,-4249.5 208,-4268.5 338,-4268.5 338,-4249.5 208,-4249.5"/> -<text text-anchor="middle" x="273" y="-4256.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMagnitudePhaseKernel</text> +<polygon fill="white" stroke="black" points="208,-3912.5 208,-3931.5 338,-3931.5 338,-3912.5 208,-3912.5"/> +<text text-anchor="middle" x="273" y="-3919.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMagnitudePhaseKernel</text> </a> </g> </g> <!-- Node2->Node38 --> <g id="edge37" class="edge"><title>Node2->Node38</title> -<path fill="none" stroke="midnightblue" d="M119.014,-4618.94C122.888,-4550.47 139.033,-4327.48 187,-4278 192.789,-4272.03 200.014,-4267.75 207.79,-4264.7"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.504,-4619.04 118.461,-4629.21 122.494,-4619.41 115.504,-4619.04"/> +<path fill="none" stroke="midnightblue" d="M119.014,-4281.94C122.888,-4213.47 139.033,-3990.48 187,-3941 192.789,-3935.03 200.014,-3930.75 207.79,-3927.7"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.504,-4282.04 118.461,-4292.21 122.494,-4282.41 115.504,-4282.04"/> </g> <!-- Node39 --> <g id="node39" class="node"><title>Node39</title> <g id="a_node39"><a xlink:href="classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to calculate mean and standard deviation of input image pixels. "> -<polygon fill="white" stroke="black" points="216,-4211.5 216,-4230.5 330,-4230.5 330,-4211.5 216,-4211.5"/> -<text text-anchor="middle" x="273" y="-4218.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMeanStdDevKernel</text> +<polygon fill="white" stroke="black" points="216,-3874.5 216,-3893.5 330,-3893.5 330,-3874.5 216,-3874.5"/> +<text text-anchor="middle" x="273" y="-3881.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMeanStdDevKernel</text> </a> </g> </g> <!-- Node2->Node39 --> <g id="edge38" class="edge"><title>Node2->Node39</title> -<path fill="none" stroke="midnightblue" d="M118.605,-4619.22C121.237,-4546.55 134.074,-4295.57 187,-4240 194.717,-4231.9 205.075,-4226.89 215.903,-4223.87"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.104,-4619.19 118.265,-4629.3 122.1,-4619.42 115.104,-4619.19"/> +<path fill="none" stroke="midnightblue" d="M118.605,-4282.22C121.237,-4209.55 134.074,-3958.57 187,-3903 194.717,-3894.9 205.075,-3889.89 215.903,-3886.87"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.104,-4282.19 118.265,-4292.3 122.1,-4282.42 115.104,-4282.19"/> </g> <!-- Node40 --> <g id="node40" class="node"><title>Node40</title> <g id="a_node40"><a xlink:href="classarm__compute_1_1_c_l_min_max_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform min max search on an image. "> -<polygon fill="white" stroke="black" points="227,-4173.5 227,-4192.5 319,-4192.5 319,-4173.5 227,-4173.5"/> -<text text-anchor="middle" x="273" y="-4180.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxKernel</text> +<polygon fill="white" stroke="black" points="227,-3836.5 227,-3855.5 319,-3855.5 319,-3836.5 227,-3836.5"/> +<text text-anchor="middle" x="273" y="-3843.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxKernel</text> </a> </g> </g> <!-- Node2->Node40 --> <g id="edge39" class="edge"><title>Node2->Node40</title> -<path fill="none" stroke="midnightblue" d="M118.285,-4618.87C119.803,-4541.35 129.252,-4263.53 187,-4202 197.245,-4191.08 212.278,-4185.77 226.864,-4183.36"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.781,-4619.1 118.109,-4629.16 121.78,-4619.22 114.781,-4619.1"/> +<path fill="none" stroke="midnightblue" d="M118.285,-4281.87C119.803,-4204.35 129.252,-3926.53 187,-3865 197.245,-3854.08 212.278,-3848.77 226.864,-3846.36"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.781,-4282.1 118.109,-4292.16 121.78,-4282.22 114.781,-4282.1"/> </g> <!-- Node41 --> <g id="node41" class="node"><title>Node41</title> <g id="a_node41"><a xlink:href="classarm__compute_1_1_c_l_min_max_location_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to find min max locations of an image. "> -<polygon fill="white" stroke="black" points="209,-4135.5 209,-4154.5 337,-4154.5 337,-4135.5 209,-4135.5"/> -<text text-anchor="middle" x="273" y="-4142.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxLocationKernel</text> +<polygon fill="white" stroke="black" points="209,-3798.5 209,-3817.5 337,-3817.5 337,-3798.5 209,-3798.5"/> +<text text-anchor="middle" x="273" y="-3805.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMinMaxLocationKernel</text> </a> </g> </g> <!-- Node2->Node41 --> <g id="edge40" class="edge"><title>Node2->Node41</title> -<path fill="none" stroke="midnightblue" d="M118.005,-4618.72C118.453,-4536.81 124.363,-4231.56 187,-4164 192.963,-4157.57 200.586,-4153.08 208.813,-4149.97"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.504,-4619.12 117.973,-4629.13 121.504,-4619.14 114.504,-4619.12"/> +<path fill="none" stroke="midnightblue" d="M118.005,-4281.72C118.453,-4199.81 124.363,-3894.56 187,-3827 192.963,-3820.57 200.586,-3816.08 208.813,-3812.97"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.504,-4282.12 117.973,-4292.13 121.504,-4282.14 114.504,-4282.12"/> </g> <!-- Node42 --> <g id="node42" class="node"><title>Node42</title> <g id="a_node42"><a xlink:href="classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml" target="_top" xlink:title="Interface for the normalization layer kernel. "> -<polygon fill="white" stroke="black" points="202.5,-4097.5 202.5,-4116.5 343.5,-4116.5 343.5,-4097.5 202.5,-4097.5"/> -<text text-anchor="middle" x="273" y="-4104.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNormalizationLayerKernel</text> +<polygon fill="white" stroke="black" points="202.5,-3760.5 202.5,-3779.5 343.5,-3779.5 343.5,-3760.5 202.5,-3760.5"/> +<text text-anchor="middle" x="273" y="-3767.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNormalizationLayerKernel</text> </a> </g> </g> <!-- Node2->Node42 --> <g id="edge41" class="edge"><title>Node2->Node42</title> -<path fill="none" stroke="midnightblue" d="M117.766,-4619.03C117.185,-4533.59 119.34,-4199.76 187,-4126 191.293,-4121.32 196.465,-4117.66 202.113,-4114.82"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.267,-4619.22 117.857,-4629.19 121.267,-4619.16 114.267,-4619.22"/> +<path fill="none" stroke="midnightblue" d="M117.766,-4282.03C117.185,-4196.59 119.34,-3862.76 187,-3789 191.293,-3784.32 196.465,-3780.66 202.113,-3777.82"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.267,-4282.22 117.857,-4292.19 121.267,-4282.16 114.267,-4282.22"/> </g> <!-- Node43 --> <g id="node43" class="node"><title>Node43</title> <g id="a_node43"><a xlink:href="classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml" target="_top" xlink:title="Interface for the pixelwise multiplication kernel. "> -<polygon fill="white" stroke="black" points="207.5,-4048 207.5,-4078 338.5,-4078 338.5,-4048 207.5,-4048"/> -<text text-anchor="start" x="215.5" y="-4066" font-family="Helvetica,sans-Serif" font-size="10.00">CLPixelWiseMultiplication</text> -<text text-anchor="middle" x="273" y="-4055" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="207.5,-3711 207.5,-3741 338.5,-3741 338.5,-3711 207.5,-3711"/> +<text text-anchor="start" x="215.5" y="-3729" font-family="Helvetica,sans-Serif" font-size="10.00">CLPixelWiseMultiplication</text> +<text text-anchor="middle" x="273" y="-3718" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node2->Node43 --> <g id="edge42" class="edge"><title>Node2->Node43</title> -<path fill="none" stroke="midnightblue" d="M117.689,-4619.39C116.685,-4530.98 117.002,-4170.32 187,-4088 192.48,-4081.55 199.529,-4076.73 207.22,-4073.11"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.189,-4619.44 117.822,-4629.4 121.188,-4619.35 114.189,-4619.44"/> +<path fill="none" stroke="midnightblue" d="M117.689,-4282.39C116.685,-4193.98 117.002,-3833.32 187,-3751 192.48,-3744.55 199.529,-3739.73 207.22,-3736.11"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.189,-4282.44 117.822,-4292.4 121.188,-4282.35 114.189,-4282.44"/> </g> <!-- Node44 --> <g id="node44" class="node"><title>Node44</title> <g id="a_node44"><a xlink:href="classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml" target="_top" xlink:title="Interface for the pooling layer kernel. "> -<polygon fill="white" stroke="black" points="216.5,-4009.5 216.5,-4028.5 329.5,-4028.5 329.5,-4009.5 216.5,-4009.5"/> -<text text-anchor="middle" x="273" y="-4016.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPoolingLayerKernel</text> +<polygon fill="white" stroke="black" points="216.5,-3672.5 216.5,-3691.5 329.5,-3691.5 329.5,-3672.5 216.5,-3672.5"/> +<text text-anchor="middle" x="273" y="-3679.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLPoolingLayerKernel</text> </a> </g> </g> <!-- Node2->Node44 --> <g id="edge43" class="edge"><title>Node2->Node44</title> -<path fill="none" stroke="midnightblue" d="M118.932,-4619.37C123.784,-4520.88 147.445,-4083.46 187,-4039 194.658,-4030.39 205.261,-4025.13 216.385,-4021.99"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.433,-4619.27 118.445,-4629.43 122.425,-4619.61 115.433,-4619.27"/> +<path fill="none" stroke="midnightblue" d="M118.932,-4282.37C123.784,-4183.88 147.445,-3746.46 187,-3702 194.658,-3693.39 205.261,-3688.13 216.385,-3684.99"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.433,-4282.27 118.445,-4292.43 122.425,-4282.61 115.433,-4282.27"/> </g> <!-- Node45 --> <g id="node45" class="node"><title>Node45</title> <g id="a_node45"><a xlink:href="classarm__compute_1_1_c_l_remap_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform a remap on a tensor. "> -<polygon fill="white" stroke="black" points="228.5,-3971.5 228.5,-3990.5 317.5,-3990.5 317.5,-3971.5 228.5,-3971.5"/> -<text text-anchor="middle" x="273" y="-3978.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLRemapKernel</text> +<polygon fill="white" stroke="black" points="228.5,-3634.5 228.5,-3653.5 317.5,-3653.5 317.5,-3634.5 228.5,-3634.5"/> +<text text-anchor="middle" x="273" y="-3641.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLRemapKernel</text> </a> </g> </g> <!-- Node2->Node45 --> <g id="edge44" class="edge"><title>Node2->Node45</title> -<path fill="none" stroke="midnightblue" d="M118.79,-4619.07C123.051,-4516.1 144.674,-4047.37 187,-4000 197.377,-3988.39 213.164,-3983.04 228.327,-3980.8"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.284,-4619.16 118.375,-4629.3 122.278,-4619.45 115.284,-4619.16"/> +<path fill="none" stroke="midnightblue" d="M118.79,-4282.07C123.051,-4179.1 144.674,-3710.37 187,-3663 197.377,-3651.39 213.164,-3646.04 228.327,-3643.8"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.284,-4282.16 118.375,-4292.3 122.278,-4282.45 115.284,-4282.16"/> </g> <!-- Node46 --> <g id="node46" class="node"><title>Node46</title> <g id="a_node46"><a xlink:href="classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Scharr filter on a tensor. "> -<polygon fill="white" stroke="black" points="222.5,-3933.5 222.5,-3952.5 323.5,-3952.5 323.5,-3933.5 222.5,-3933.5"/> -<text text-anchor="middle" x="273" y="-3940.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScharr3x3Kernel</text> +<polygon fill="white" stroke="black" points="222.5,-3596.5 222.5,-3615.5 323.5,-3615.5 323.5,-3596.5 222.5,-3596.5"/> +<text text-anchor="middle" x="273" y="-3603.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScharr3x3Kernel</text> </a> </g> </g> <!-- Node2->Node46 --> <g id="edge45" class="edge"><title>Node2->Node46</title> -<path fill="none" stroke="midnightblue" d="M118.658,-4619.22C122.37,-4512.94 142.15,-4012.5 187,-3962 195.937,-3951.94 208.933,-3946.58 222.086,-3943.86"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.16,-4619.12 118.316,-4629.23 122.156,-4619.36 115.16,-4619.12"/> +<path fill="none" stroke="midnightblue" d="M118.658,-4282.22C122.37,-4175.94 142.15,-3675.5 187,-3625 195.937,-3614.94 208.933,-3609.58 222.086,-3606.86"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.16,-4282.12 118.316,-4292.23 122.156,-4282.36 115.16,-4282.12"/> </g> <!-- Node47 --> <g id="node47" class="node"><title>Node47</title> <g id="a_node47"><a xlink:href="classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="224,-3895.5 224,-3914.5 322,-3914.5 322,-3895.5 224,-3895.5"/> -<text text-anchor="middle" x="273" y="-3902.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel3x3Kernel</text> +<polygon fill="white" stroke="black" points="224,-3558.5 224,-3577.5 322,-3577.5 322,-3558.5 224,-3558.5"/> +<text text-anchor="middle" x="273" y="-3565.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel3x3Kernel</text> </a> </g> </g> <!-- Node2->Node47 --> <g id="edge46" class="edge"><title>Node2->Node47</title> -<path fill="none" stroke="midnightblue" d="M118.547,-4619.17C121.756,-4509.23 139.652,-3977.6 187,-3924 196.31,-3913.46 210.074,-3908.07 223.826,-3905.48"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.04,-4619.37 118.254,-4629.46 122.037,-4619.57 115.04,-4619.37"/> +<path fill="none" stroke="midnightblue" d="M118.547,-4282.17C121.756,-4172.23 139.652,-3640.6 187,-3587 196.31,-3576.46 210.074,-3571.07 223.826,-3568.48"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.04,-4282.37 118.254,-4292.46 122.037,-4282.57 115.04,-4282.37"/> </g> <!-- Node48 --> <g id="node48" class="node"><title>Node48</title> <g id="a_node48"><a xlink:href="classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="216.5,-3857.5 216.5,-3876.5 329.5,-3876.5 329.5,-3857.5 216.5,-3857.5"/> -<text text-anchor="middle" x="273" y="-3864.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5HorKernel</text> +<polygon fill="white" stroke="black" points="216.5,-3520.5 216.5,-3539.5 329.5,-3539.5 329.5,-3520.5 216.5,-3520.5"/> +<text text-anchor="middle" x="273" y="-3527.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5HorKernel</text> </a> </g> </g> <!-- Node2->Node48 --> <g id="edge47" class="edge"><title>Node2->Node48</title> -<path fill="none" stroke="midnightblue" d="M118.445,-4619.19C121.166,-4505.85 137.14,-3942.72 187,-3886 194.587,-3877.37 205.161,-3872.19 216.28,-3869.17"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.939,-4619.41 118.205,-4629.49 121.937,-4619.57 114.939,-4619.41"/> +<path fill="none" stroke="midnightblue" d="M118.445,-4282.19C121.166,-4168.85 137.14,-3605.72 187,-3549 194.587,-3540.37 205.161,-3535.19 216.28,-3532.17"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.939,-4282.41 118.205,-4292.49 121.937,-4282.57 114.939,-4282.41"/> </g> <!-- Node49 --> <g id="node49" class="node"><title>Node49</title> <g id="a_node49"><a xlink:href="classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 5x5 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="215,-3819.5 215,-3838.5 331,-3838.5 331,-3819.5 215,-3819.5"/> -<text text-anchor="middle" x="273" y="-3826.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5VertKernel</text> +<polygon fill="white" stroke="black" points="215,-3482.5 215,-3501.5 331,-3501.5 331,-3482.5 215,-3482.5"/> +<text text-anchor="middle" x="273" y="-3489.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel5x5VertKernel</text> </a> </g> </g> <!-- Node2->Node49 --> <g id="edge48" class="edge"><title>Node2->Node49</title> -<path fill="none" stroke="midnightblue" d="M118.351,-4619.28C120.601,-4502.79 134.614,-3907.86 187,-3848 194.27,-3839.69 204.305,-3834.58 214.938,-3831.51"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.852,-4619.22 118.164,-4629.28 121.85,-4619.35 114.852,-4619.22"/> +<path fill="none" stroke="midnightblue" d="M118.351,-4282.28C120.601,-4165.79 134.614,-3570.86 187,-3511 194.27,-3502.69 204.305,-3497.58 214.938,-3494.51"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.852,-4282.22 118.164,-4292.28 121.85,-4282.35 114.852,-4282.22"/> </g> <!-- Node50 --> <g id="node50" class="node"><title>Node50</title> <g id="a_node50"><a xlink:href="classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="216.5,-3781.5 216.5,-3800.5 329.5,-3800.5 329.5,-3781.5 216.5,-3781.5"/> -<text text-anchor="middle" x="273" y="-3788.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7HorKernel</text> +<polygon fill="white" stroke="black" points="216.5,-3444.5 216.5,-3463.5 329.5,-3463.5 329.5,-3444.5 216.5,-3444.5"/> +<text text-anchor="middle" x="273" y="-3451.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7HorKernel</text> </a> </g> </g> <!-- Node2->Node50 --> <g id="edge49" class="edge"><title>Node2->Node50</title> -<path fill="none" stroke="midnightblue" d="M118.271,-4619.09C120.084,-4498.88 132.125,-3872.95 187,-3810 194.551,-3801.34 205.111,-3796.14 216.226,-3793.12"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.767,-4619.33 118.122,-4629.38 121.766,-4619.43 114.767,-4619.33"/> +<path fill="none" stroke="midnightblue" d="M118.271,-4282.09C120.084,-4161.88 132.125,-3535.95 187,-3473 194.551,-3464.34 205.111,-3459.14 216.226,-3456.12"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.767,-4282.33 118.122,-4292.38 121.766,-4282.43 114.767,-4282.33"/> </g> <!-- Node51 --> <g id="node51" class="node"><title>Node51</title> <g id="a_node51"><a xlink:href="classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 7x7 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="215,-3743.5 215,-3762.5 331,-3762.5 331,-3743.5 215,-3743.5"/> -<text text-anchor="middle" x="273" y="-3750.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7VertKernel</text> +<polygon fill="white" stroke="black" points="215,-3406.5 215,-3425.5 331,-3425.5 331,-3406.5 215,-3406.5"/> +<text text-anchor="middle" x="273" y="-3413.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLSobel7x7VertKernel</text> </a> </g> </g> <!-- Node2->Node51 --> <g id="edge50" class="edge"><title>Node2->Node51</title> -<path fill="none" stroke="midnightblue" d="M118.195,-4618.95C119.583,-4495.17 129.628,-3838.06 187,-3772 194.238,-3763.67 204.26,-3758.54 214.89,-3755.47"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.693,-4619.19 118.087,-4629.23 121.692,-4619.26 114.693,-4619.19"/> +<path fill="none" stroke="midnightblue" d="M118.195,-4281.95C119.583,-4158.17 129.628,-3501.06 187,-3435 194.238,-3426.67 204.26,-3421.54 214.89,-3418.47"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.693,-4282.19 118.087,-4292.23 121.692,-4282.26 114.693,-4282.19"/> </g> <!-- Node52 --> <g id="node52" class="node"><title>Node52</title> <g id="a_node52"><a xlink:href="classarm__compute_1_1_i_c_l_simple_kernel.xhtml" target="_top" xlink:title="Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. "> -<polygon fill="white" stroke="black" points="228,-3705.5 228,-3724.5 318,-3724.5 318,-3705.5 228,-3705.5"/> -<text text-anchor="middle" x="273" y="-3712.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimpleKernel</text> +<polygon fill="white" stroke="black" points="228,-3368.5 228,-3387.5 318,-3387.5 318,-3368.5 228,-3368.5"/> +<text text-anchor="middle" x="273" y="-3375.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimpleKernel</text> </a> </g> </g> <!-- Node2->Node52 --> <g id="edge51" class="edge"><title>Node2->Node52</title> -<path fill="none" stroke="midnightblue" d="M118.122,-4619.26C119.082,-4493.14 127.059,-3803.25 187,-3734 197.094,-3722.34 212.639,-3716.95 227.688,-3714.69"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.622,-4619.36 118.052,-4629.39 121.621,-4619.41 114.622,-4619.36"/> +<path fill="none" stroke="midnightblue" d="M118.122,-4282.26C119.082,-4156.14 127.059,-3466.25 187,-3397 197.094,-3385.34 212.639,-3379.95 227.688,-3377.69"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.622,-4282.36 118.052,-4292.39 121.621,-4282.41 114.622,-4282.36"/> </g> <!-- Node53 --> <g id="node53" class="node"><title>Node53</title> <g id="a_node53"><a xlink:href="classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform a Gaussian filter and half scaling across width (horizontal pass) ..."> -<polygon fill="white" stroke="black" points="397.5,-3762.5 397.5,-3781.5 547.5,-3781.5 547.5,-3762.5 397.5,-3762.5"/> -<text text-anchor="middle" x="472.5" y="-3769.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidHorKernel</text> +<polygon fill="white" stroke="black" points="397.5,-3425.5 397.5,-3444.5 547.5,-3444.5 547.5,-3425.5 397.5,-3425.5"/> +<text text-anchor="middle" x="472.5" y="-3432.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidHorKernel</text> </a> </g> </g> <!-- Node52->Node53 --> <g id="edge52" class="edge"><title>Node52->Node53</title> -<path fill="none" stroke="midnightblue" d="M328.148,-3724.84C338.533,-3727.36 349.214,-3730.4 359,-3734 375.978,-3740.25 378.097,-3746.55 395,-3753 404.589,-3756.66 415.126,-3759.8 425.232,-3762.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="328.851,-3721.41 318.322,-3722.58 327.284,-3728.23 328.851,-3721.41"/> +<path fill="none" stroke="midnightblue" d="M328.148,-3387.84C338.533,-3390.36 349.214,-3393.4 359,-3397 375.978,-3403.25 378.097,-3409.55 395,-3416 404.589,-3419.66 415.126,-3422.8 425.232,-3425.42"/> +<polygon fill="midnightblue" stroke="midnightblue" points="328.851,-3384.41 318.322,-3385.58 327.284,-3391.23 328.851,-3384.41"/> </g> <!-- Node54 --> <g id="node54" class="node"><title>Node54</title> <g id="a_node54"><a xlink:href="classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml" target="_top" xlink:title="OpenCL kernel to perform a Gaussian filter and half scaling across height (vertical pass) ..."> -<polygon fill="white" stroke="black" points="396.5,-3724.5 396.5,-3743.5 548.5,-3743.5 548.5,-3724.5 396.5,-3724.5"/> -<text text-anchor="middle" x="472.5" y="-3731.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidVertKernel</text> +<polygon fill="white" stroke="black" points="396.5,-3387.5 396.5,-3406.5 548.5,-3406.5 548.5,-3387.5 396.5,-3387.5"/> +<text text-anchor="middle" x="472.5" y="-3394.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussianPyramidVertKernel</text> </a> </g> </g> <!-- Node52->Node54 --> <g id="edge53" class="edge"><title>Node52->Node54</title> -<path fill="none" stroke="midnightblue" d="M328.331,-3720.23C349.318,-3722.25 373.686,-3724.59 396.303,-3726.77"/> -<polygon fill="midnightblue" stroke="midnightblue" points="328.612,-3716.74 318.323,-3719.26 327.942,-3723.71 328.612,-3716.74"/> +<path fill="none" stroke="midnightblue" d="M328.331,-3383.23C349.318,-3385.25 373.686,-3387.59 396.303,-3389.77"/> +<polygon fill="midnightblue" stroke="midnightblue" points="328.612,-3379.74 318.323,-3382.26 327.942,-3386.71 328.612,-3379.74"/> </g> <!-- Node55 --> <g id="node55" class="node"><title>Node55</title> <g id="a_node55"><a xlink:href="classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml" target="_top" xlink:title="Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. "> -<polygon fill="white" stroke="black" points="421,-3686.5 421,-3705.5 524,-3705.5 524,-3686.5 421,-3686.5"/> -<text text-anchor="middle" x="472.5" y="-3693.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimple2DKernel</text> +<polygon fill="white" stroke="black" points="421,-3349.5 421,-3368.5 524,-3368.5 524,-3349.5 421,-3349.5"/> +<text text-anchor="middle" x="472.5" y="-3356.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimple2DKernel</text> </a> </g> </g> <!-- Node52->Node55 --> <g id="edge54" class="edge"><title>Node52->Node55</title> -<path fill="none" stroke="midnightblue" d="M328.621,-3709.75C357.412,-3706.98 392.503,-3703.6 420.704,-3700.89"/> -<polygon fill="midnightblue" stroke="midnightblue" points="327.942,-3706.29 318.323,-3710.74 328.612,-3713.26 327.942,-3706.29"/> +<path fill="none" stroke="midnightblue" d="M328.621,-3372.75C357.412,-3369.98 392.503,-3366.6 420.704,-3363.89"/> +<polygon fill="midnightblue" stroke="midnightblue" points="327.942,-3369.29 318.323,-3373.74 328.612,-3376.26 327.942,-3369.29"/> </g> <!-- Node56 --> <g id="node56" class="node"><title>Node56</title> <g id="a_node56"><a xlink:href="classarm__compute_1_1_c_l_accumulate_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate kernel. "> -<polygon fill="white" stroke="black" points="608.5,-4192.5 608.5,-4211.5 717.5,-4211.5 717.5,-4192.5 608.5,-4192.5"/> -<text text-anchor="middle" x="663" y="-4199.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateKernel</text> +<polygon fill="white" stroke="black" points="608.5,-3855.5 608.5,-3874.5 717.5,-3874.5 717.5,-3855.5 608.5,-3855.5"/> +<text text-anchor="middle" x="663" y="-3862.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateKernel</text> </a> </g> </g> <!-- Node55->Node56 --> <g id="edge55" class="edge"><title>Node55->Node56</title> -<path fill="none" stroke="midnightblue" d="M533.657,-3702.89C539.883,-3705.81 545.547,-3709.73 550,-3715 617.361,-3794.64 518.7,-4103.31 586,-4183 591.792,-4189.86 599.648,-4194.44 608.121,-4197.47"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.8,-3699.58 524.209,-3699.31 532.319,-3706.13 534.8,-3699.58"/> +<path fill="none" stroke="midnightblue" d="M533.657,-3365.89C539.883,-3368.81 545.547,-3372.73 550,-3378 617.361,-3457.64 518.7,-3766.31 586,-3846 591.792,-3852.86 599.648,-3857.44 608.121,-3860.47"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.8,-3362.58 524.209,-3362.31 532.319,-3369.13 534.8,-3362.58"/> </g> <!-- Node57 --> <g id="node57" class="node"><title>Node57</title> <g id="a_node57"><a xlink:href="classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate squared kernel. "> -<polygon fill="white" stroke="black" points="590.5,-4154.5 590.5,-4173.5 735.5,-4173.5 735.5,-4154.5 590.5,-4154.5"/> -<text text-anchor="middle" x="663" y="-4161.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateSquaredKernel</text> +<polygon fill="white" stroke="black" points="590.5,-3817.5 590.5,-3836.5 735.5,-3836.5 735.5,-3817.5 590.5,-3817.5"/> +<text text-anchor="middle" x="663" y="-3824.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateSquaredKernel</text> </a> </g> </g> <!-- Node55->Node57 --> <g id="edge56" class="edge"><title>Node55->Node57</title> -<path fill="none" stroke="midnightblue" d="M533.622,-3702.92C539.854,-3705.83 545.529,-3709.75 550,-3715 612.172,-3788 523.884,-4071.95 586,-4145 589.26,-4148.83 593.165,-4151.96 597.461,-4154.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.761,-3699.61 524.169,-3699.34 532.284,-3706.16 534.761,-3699.61"/> +<path fill="none" stroke="midnightblue" d="M533.622,-3365.92C539.854,-3368.83 545.529,-3372.75 550,-3378 612.172,-3451 523.884,-3734.95 586,-3808 589.26,-3811.83 593.165,-3814.96 597.461,-3817.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.761,-3362.61 524.169,-3362.34 532.284,-3369.16 534.761,-3362.61"/> </g> <!-- Node58 --> <g id="node58" class="node"><title>Node58</title> <g id="a_node58"><a xlink:href="classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate weighted kernel. "> -<polygon fill="white" stroke="black" points="588,-4116.5 588,-4135.5 738,-4135.5 738,-4116.5 588,-4116.5"/> -<text text-anchor="middle" x="663" y="-4123.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateWeightedKernel</text> +<polygon fill="white" stroke="black" points="588,-3779.5 588,-3798.5 738,-3798.5 738,-3779.5 588,-3779.5"/> +<text text-anchor="middle" x="663" y="-3786.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLAccumulateWeightedKernel</text> </a> </g> </g> <!-- Node55->Node58 --> <g id="edge57" class="edge"><title>Node55->Node58</title> -<path fill="none" stroke="midnightblue" d="M533.582,-3702.96C539.82,-3705.86 545.508,-3709.77 550,-3715 606.986,-3781.37 529.065,-4040.59 586,-4107 589.275,-4110.82 593.191,-4113.93 597.494,-4116.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.714,-3699.64 524.122,-3699.39 532.241,-3706.19 534.714,-3699.64"/> +<path fill="none" stroke="midnightblue" d="M533.582,-3365.96C539.82,-3368.86 545.508,-3372.77 550,-3378 606.986,-3444.37 529.065,-3703.59 586,-3770 589.275,-3773.82 593.191,-3776.93 597.494,-3779.46"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.714,-3362.64 524.122,-3362.39 532.241,-3369.19 534.714,-3362.64"/> </g> <!-- Node59 --> <g id="node59" class="node"><title>Node59</title> <g id="a_node59"><a xlink:href="classarm__compute_1_1_c_l_activation_layer_kernel.xhtml" target="_top" xlink:title="Interface for the activation layer kernel. "> -<polygon fill="white" stroke="black" points="600.5,-4078.5 600.5,-4097.5 725.5,-4097.5 725.5,-4078.5 600.5,-4078.5"/> -<text text-anchor="middle" x="663" y="-4085.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLActivationLayerKernel</text> +<polygon fill="white" stroke="black" points="600.5,-3741.5 600.5,-3760.5 725.5,-3760.5 725.5,-3741.5 600.5,-3741.5"/> +<text text-anchor="middle" x="663" y="-3748.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLActivationLayerKernel</text> </a> </g> </g> <!-- Node55->Node59 --> <g id="edge58" class="edge"><title>Node55->Node59</title> -<path fill="none" stroke="midnightblue" d="M533.532,-3703C539.779,-3705.9 545.482,-3709.79 550,-3715 653.605,-3834.48 482.487,-3949.44 586,-4069 590.006,-4073.63 594.952,-4077.21 600.384,-4079.98"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.657,-3699.68 524.065,-3699.43 532.19,-3706.23 534.657,-3699.68"/> +<path fill="none" stroke="midnightblue" d="M533.532,-3366C539.779,-3368.9 545.482,-3372.79 550,-3378 653.605,-3497.48 482.487,-3612.44 586,-3732 590.006,-3736.63 594.952,-3740.21 600.384,-3742.98"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.657,-3362.68 524.065,-3362.43 532.19,-3369.23 534.657,-3362.68"/> </g> <!-- Node60 --> <g id="node60" class="node"><title>Node60</title> <g id="a_node60"><a xlink:href="classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml" target="_top" xlink:title="Interface for the bitwise NOT operation kernel. "> -<polygon fill="white" stroke="black" points="610.5,-4040.5 610.5,-4059.5 715.5,-4059.5 715.5,-4040.5 610.5,-4040.5"/> -<text text-anchor="middle" x="663" y="-4047.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseNotKernel</text> +<polygon fill="white" stroke="black" points="610.5,-3703.5 610.5,-3722.5 715.5,-3722.5 715.5,-3703.5 610.5,-3703.5"/> +<text text-anchor="middle" x="663" y="-3710.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBitwiseNotKernel</text> </a> </g> </g> <!-- Node55->Node60 --> <g id="edge59" class="edge"><title>Node55->Node60</title> -<path fill="none" stroke="midnightblue" d="M534.15,-3703.37C540.142,-3706.22 545.616,-3710.01 550,-3715 643.248,-3821.23 492.834,-3924.7 586,-4031 592.365,-4038.26 601.045,-4042.96 610.266,-4045.95"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.979,-3699.94 524.39,-3699.62 532.466,-3706.47 534.979,-3699.94"/> +<path fill="none" stroke="midnightblue" d="M534.15,-3366.37C540.142,-3369.22 545.616,-3373.01 550,-3378 643.248,-3484.23 492.834,-3587.7 586,-3694 592.365,-3701.26 601.045,-3705.96 610.266,-3708.95"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.979,-3362.94 524.39,-3362.62 532.466,-3369.47 534.979,-3362.94"/> </g> <!-- Node61 --> <g id="node61" class="node"><title>Node61</title> <g id="a_node61"><a xlink:href="classarm__compute_1_1_c_l_box3x3_kernel.xhtml" target="_top" xlink:title="Interface for the box 3x3 filter kernel. "> -<polygon fill="white" stroke="black" points="618,-4002.5 618,-4021.5 708,-4021.5 708,-4002.5 618,-4002.5"/> -<text text-anchor="middle" x="663" y="-4009.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBox3x3Kernel</text> +<polygon fill="white" stroke="black" points="618,-3665.5 618,-3684.5 708,-3684.5 708,-3665.5 618,-3665.5"/> +<text text-anchor="middle" x="663" y="-3672.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLBox3x3Kernel</text> </a> </g> </g> <!-- Node55->Node61 --> <g id="edge60" class="edge"><title>Node55->Node61</title> -<path fill="none" stroke="midnightblue" d="M534.075,-3703.44C540.08,-3706.28 545.578,-3710.04 550,-3715 632.904,-3808 503.168,-3899.94 586,-3993 594.138,-4002.14 605.947,-4007.21 617.841,-4009.93"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.892,-3700 524.301,-3699.69 532.388,-3706.54 534.892,-3700"/> +<path fill="none" stroke="midnightblue" d="M534.075,-3366.44C540.08,-3369.28 545.578,-3373.04 550,-3378 632.904,-3471 503.168,-3562.94 586,-3656 594.138,-3665.14 605.947,-3670.21 617.841,-3672.93"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.892,-3363 524.301,-3362.69 532.388,-3369.54 534.892,-3363"/> </g> <!-- Node62 --> <g id="node62" class="node"><title>Node62</title> <g id="a_node62"><a xlink:href="classarm__compute_1_1_c_l_convolution_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run an arbitrary size convolution on a tensor. "> -<polygon fill="white" stroke="black" points="608.5,-3953 608.5,-3983 717.5,-3983 717.5,-3953 608.5,-3953"/> -<text text-anchor="start" x="616.5" y="-3971" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionKernel</text> -<text text-anchor="middle" x="663" y="-3960" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> +<polygon fill="white" stroke="black" points="608.5,-3616 608.5,-3646 717.5,-3646 717.5,-3616 608.5,-3616"/> +<text text-anchor="start" x="616.5" y="-3634" font-family="Helvetica,sans-Serif" font-size="10.00">CLConvolutionKernel</text> +<text text-anchor="middle" x="663" y="-3623" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> </a> </g> </g> <!-- Node55->Node62 --> <g id="edge61" class="edge"><title>Node55->Node62</title> -<path fill="none" stroke="midnightblue" d="M533.509,-3703.36C539.705,-3706.2 545.402,-3709.98 550,-3715 619.324,-3790.62 519.535,-3864.85 586,-3943 591.939,-3949.98 599.868,-3955.03 608.365,-3958.67"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.735,-3700.08 524.143,-3699.84 532.27,-3706.63 534.735,-3700.08"/> +<path fill="none" stroke="midnightblue" d="M533.509,-3366.36C539.705,-3369.2 545.402,-3372.98 550,-3378 619.324,-3453.62 519.535,-3527.85 586,-3606 591.939,-3612.98 599.868,-3618.03 608.365,-3621.67"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.735,-3363.08 524.143,-3362.84 532.27,-3369.63 534.735,-3363.08"/> </g> <!-- Node63 --> <g id="node63" class="node"><title>Node63</title> <g id="a_node63"><a xlink:href="classarm__compute_1_1_c_l_depth_convert_kernel.xhtml" target="_top" xlink:title="Interface for the depth conversion kernel. "> -<polygon fill="white" stroke="black" points="604,-3914.5 604,-3933.5 722,-3933.5 722,-3914.5 604,-3914.5"/> -<text text-anchor="middle" x="663" y="-3921.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDepthConvertKernel</text> +<polygon fill="white" stroke="black" points="604,-3577.5 604,-3596.5 722,-3596.5 722,-3577.5 604,-3577.5"/> +<text text-anchor="middle" x="663" y="-3584.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDepthConvertKernel</text> </a> </g> </g> <!-- Node55->Node63 --> <g id="edge62" class="edge"><title>Node55->Node63</title> -<path fill="none" stroke="midnightblue" d="M534.038,-3703.81C539.999,-3706.59 545.496,-3710.24 550,-3715 609.043,-3777.46 527.006,-3842.5 586,-3905 590.948,-3910.24 597.104,-3914.13 603.757,-3916.99"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.956,-3700.41 524.366,-3700.12 532.46,-3706.95 534.956,-3700.41"/> +<path fill="none" stroke="midnightblue" d="M534.038,-3366.81C539.999,-3369.59 545.496,-3373.24 550,-3378 609.043,-3440.46 527.006,-3505.5 586,-3568 590.948,-3573.24 597.104,-3577.13 603.757,-3579.99"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.956,-3363.41 524.366,-3363.12 532.46,-3369.95 534.956,-3363.41"/> </g> <!-- Node64 --> <g id="node64" class="node"><title>Node64</title> <g id="a_node64"><a xlink:href="classarm__compute_1_1_c_l_dilate_kernel.xhtml" target="_top" xlink:title="Interface for the dilate kernel. "> -<polygon fill="white" stroke="black" points="621.5,-3876.5 621.5,-3895.5 704.5,-3895.5 704.5,-3876.5 621.5,-3876.5"/> -<text text-anchor="middle" x="663" y="-3883.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDilateKernel</text> +<polygon fill="white" stroke="black" points="621.5,-3539.5 621.5,-3558.5 704.5,-3558.5 704.5,-3539.5 621.5,-3539.5"/> +<text text-anchor="middle" x="663" y="-3546.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLDilateKernel</text> </a> </g> </g> <!-- Node55->Node64 --> <g id="edge63" class="edge"><title>Node55->Node64</title> -<path fill="none" stroke="midnightblue" d="M533.827,-3704.01C539.826,-3706.76 545.39,-3710.34 550,-3715 598.823,-3764.36 537.215,-3817.61 586,-3867 595.27,-3876.39 608.427,-3881.39 621.194,-3883.98"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.708,-3700.61 524.116,-3700.36 532.242,-3707.16 534.708,-3700.61"/> +<path fill="none" stroke="midnightblue" d="M533.827,-3367.01C539.826,-3369.76 545.39,-3373.34 550,-3378 598.823,-3427.36 537.215,-3480.61 586,-3530 595.27,-3539.39 608.427,-3544.39 621.194,-3546.98"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.708,-3363.61 524.116,-3363.36 532.242,-3370.16 534.708,-3363.61"/> </g> <!-- Node65 --> <g id="node65" class="node"><title>Node65</title> <g id="a_node65"><a xlink:href="classarm__compute_1_1_c_l_erode_kernel.xhtml" target="_top" xlink:title="Interface for the erode kernel. "> -<polygon fill="white" stroke="black" points="621.5,-3838.5 621.5,-3857.5 704.5,-3857.5 704.5,-3838.5 621.5,-3838.5"/> -<text text-anchor="middle" x="663" y="-3845.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLErodeKernel</text> +<polygon fill="white" stroke="black" points="621.5,-3501.5 621.5,-3520.5 704.5,-3520.5 704.5,-3501.5 621.5,-3501.5"/> +<text text-anchor="middle" x="663" y="-3508.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLErodeKernel</text> </a> </g> </g> <!-- Node55->Node65 --> <g id="edge64" class="edge"><title>Node55->Node65</title> -<path fill="none" stroke="midnightblue" d="M533.743,-3704.47C539.708,-3707.13 545.287,-3710.57 550,-3715 588.725,-3751.38 547.303,-3792.59 586,-3829 595.509,-3837.95 608.574,-3842.86 621.19,-3845.5"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.713,-3701.09 524.121,-3700.88 532.27,-3707.65 534.713,-3701.09"/> +<path fill="none" stroke="midnightblue" d="M533.743,-3367.47C539.708,-3370.13 545.287,-3373.57 550,-3378 588.725,-3414.38 547.303,-3455.59 586,-3492 595.509,-3500.95 608.574,-3505.86 621.19,-3508.5"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.713,-3364.09 524.121,-3363.88 532.27,-3370.65 534.713,-3364.09"/> </g> <!-- Node66 --> <g id="node66" class="node"><title>Node66</title> <g id="a_node66"><a xlink:href="classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml" target="_top" xlink:title="Interface for the Gaussian 3x3 filter kernel. "> -<polygon fill="white" stroke="black" points="606,-3800.5 606,-3819.5 720,-3819.5 720,-3800.5 606,-3800.5"/> -<text text-anchor="middle" x="663" y="-3807.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian3x3Kernel</text> +<polygon fill="white" stroke="black" points="606,-3463.5 606,-3482.5 720,-3482.5 720,-3463.5 606,-3463.5"/> +<text text-anchor="middle" x="663" y="-3470.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian3x3Kernel</text> </a> </g> </g> <!-- Node55->Node66 --> <g id="edge65" class="edge"><title>Node55->Node66</title> -<path fill="none" stroke="midnightblue" d="M533.668,-3705.34C539.553,-3707.85 545.135,-3711.02 550,-3715 578.922,-3738.67 557.096,-3767.3 586,-3791 591.785,-3795.74 598.592,-3799.32 605.715,-3802.02"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.823,-3702.04 524.229,-3701.91 532.429,-3708.62 534.823,-3702.04"/> +<path fill="none" stroke="midnightblue" d="M533.668,-3368.34C539.553,-3370.85 545.135,-3374.02 550,-3378 578.922,-3401.67 557.096,-3430.3 586,-3454 591.785,-3458.74 598.592,-3462.32 605.715,-3465.02"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.823,-3365.04 524.229,-3364.91 532.429,-3371.62 534.823,-3365.04"/> </g> <!-- Node67 --> <g id="node67" class="node"><title>Node67</title> <g id="a_node67"><a xlink:href="classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml" target="_top" xlink:title="OpenCL kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F3..."> -<polygon fill="white" stroke="black" points="586,-3762.5 586,-3781.5 740,-3781.5 740,-3762.5 586,-3762.5"/> -<text text-anchor="middle" x="663" y="-3769.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMTranspose1xWKernel</text> +<polygon fill="white" stroke="black" points="586,-3425.5 586,-3444.5 740,-3444.5 740,-3425.5 586,-3425.5"/> +<text text-anchor="middle" x="663" y="-3432.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGEMMTranspose1xWKernel</text> </a> </g> </g> <!-- Node55->Node67 --> <g id="edge66" class="edge"><title>Node55->Node67</title> -<path fill="none" stroke="midnightblue" d="M533.724,-3707.43C539.403,-3709.54 544.926,-3712.04 550,-3715 570.097,-3726.72 565.912,-3741.27 586,-3753 592.694,-3756.91 600.175,-3760.02 607.76,-3762.49"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.665,-3704.05 524.071,-3704.22 532.46,-3710.7 534.665,-3704.05"/> +<path fill="none" stroke="midnightblue" d="M533.724,-3370.43C539.403,-3372.54 544.926,-3375.04 550,-3378 570.097,-3389.72 565.912,-3404.27 586,-3416 592.694,-3419.91 600.175,-3423.02 607.76,-3425.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.665,-3367.05 524.071,-3367.22 532.46,-3373.7 534.665,-3367.05"/> </g> <!-- Node68 --> <g id="node68" class="node"><title>Node68</title> <g id="a_node68"><a xlink:href="classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml" target="_top" xlink:title="Interface to run the horizontal pass of the integral image kernel. "> -<polygon fill="white" stroke="black" points="597,-3724.5 597,-3743.5 729,-3743.5 729,-3724.5 597,-3724.5"/> -<text text-anchor="middle" x="663" y="-3731.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImageHorKernel</text> +<polygon fill="white" stroke="black" points="597,-3387.5 597,-3406.5 729,-3406.5 729,-3387.5 597,-3387.5"/> +<text text-anchor="middle" x="663" y="-3394.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLIntegralImageHorKernel</text> </a> </g> </g> <!-- Node55->Node68 --> <g id="edge67" class="edge"><title>Node55->Node68</title> -<path fill="none" stroke="midnightblue" d="M531.089,-3707.61C557.898,-3713.01 589.395,-3719.36 614.776,-3724.48"/> -<polygon fill="midnightblue" stroke="midnightblue" points="531.561,-3704.13 521.067,-3705.59 530.178,-3711 531.561,-3704.13"/> +<path fill="none" stroke="midnightblue" d="M531.089,-3370.61C557.898,-3376.01 589.395,-3382.36 614.776,-3387.48"/> +<polygon fill="midnightblue" stroke="midnightblue" points="531.561,-3367.13 521.067,-3368.59 530.178,-3374 531.561,-3367.13"/> </g> <!-- Node69 --> <g id="node69" class="node"><title>Node69</title> <g id="a_node69"><a xlink:href="classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml" target="_top" xlink:title="Interface for the identifying the max value of 1D Logits. "> -<polygon fill="white" stroke="black" points="605.5,-3686.5 605.5,-3705.5 720.5,-3705.5 720.5,-3686.5 605.5,-3686.5"/> -<text text-anchor="middle" x="663" y="-3693.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DMaxKernel</text> +<polygon fill="white" stroke="black" points="605.5,-3349.5 605.5,-3368.5 720.5,-3368.5 720.5,-3349.5 605.5,-3349.5"/> +<text text-anchor="middle" x="663" y="-3356.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLLogits1DMaxKernel</text> </a> </g> </g> <!-- Node55->Node69 --> <g id="edge68" class="edge"><title>Node55->Node69</title> -<path fill="none" stroke="midnightblue" d="M534.266,-3696C557.09,-3696 582.926,-3696 605.36,-3696"/> -<polygon fill="midnightblue" stroke="midnightblue" points="534.015,-3692.5 524.015,-3696 534.015,-3699.5 534.015,-3692.5"/> +<path fill="none" stroke="midnightblue" d="M534.266,-3359C557.09,-3359 582.926,-3359 605.36,-3359"/> +<polygon fill="midnightblue" stroke="midnightblue" points="534.015,-3355.5 524.015,-3359 534.015,-3362.5 534.015,-3355.5"/> </g> <!-- Node70 --> <g id="node70" class="node"><title>Node70</title> <g id="a_node70"><a xlink:href="classarm__compute_1_1_c_l_median3x3_kernel.xhtml" target="_top" xlink:title="Interface for the median 3x3 filter kernel. "> -<polygon fill="white" stroke="black" points="611,-3648.5 611,-3667.5 715,-3667.5 715,-3648.5 611,-3648.5"/> -<text text-anchor="middle" x="663" y="-3655.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMedian3x3Kernel</text> +<polygon fill="white" stroke="black" points="611,-3311.5 611,-3330.5 715,-3330.5 715,-3311.5 611,-3311.5"/> +<text text-anchor="middle" x="663" y="-3318.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLMedian3x3Kernel</text> </a> </g> </g> <!-- Node55->Node70 --> <g id="edge69" class="edge"><title>Node55->Node70</title> -<path fill="none" stroke="midnightblue" d="M531.089,-3684.39C557.898,-3678.99 589.395,-3672.64 614.776,-3667.52"/> -<polygon fill="midnightblue" stroke="midnightblue" points="530.178,-3681 521.067,-3686.41 531.561,-3687.87 530.178,-3681"/> +<path fill="none" stroke="midnightblue" d="M531.089,-3347.39C557.898,-3341.99 589.395,-3335.64 614.776,-3330.52"/> +<polygon fill="midnightblue" stroke="midnightblue" points="530.178,-3344 521.067,-3349.41 531.561,-3350.87 530.178,-3344"/> </g> <!-- Node71 --> <g id="node71" class="node"><title>Node71</title> <g id="a_node71"><a xlink:href="classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to apply a non-linear filter. "> -<polygon fill="white" stroke="black" points="601.5,-3610.5 601.5,-3629.5 724.5,-3629.5 724.5,-3610.5 601.5,-3610.5"/> -<text text-anchor="middle" x="663" y="-3617.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonLinearFilterKernel</text> +<polygon fill="white" stroke="black" points="601.5,-3273.5 601.5,-3292.5 724.5,-3292.5 724.5,-3273.5 601.5,-3273.5"/> +<text text-anchor="middle" x="663" y="-3280.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonLinearFilterKernel</text> </a> </g> </g> <!-- Node55->Node71 --> <g id="edge70" class="edge"><title>Node55->Node71</title> -<path fill="none" stroke="midnightblue" d="M498.566,-3681.24C520.892,-3668.6 554.766,-3650.65 586,-3639 595.812,-3635.34 606.597,-3632.16 616.883,-3629.51"/> -<polygon fill="midnightblue" stroke="midnightblue" points="496.68,-3678.29 489.746,-3686.3 500.162,-3684.36 496.68,-3678.29"/> +<path fill="none" stroke="midnightblue" d="M498.566,-3344.24C520.892,-3331.6 554.766,-3313.65 586,-3302 595.812,-3298.34 606.597,-3295.16 616.883,-3292.51"/> +<polygon fill="midnightblue" stroke="midnightblue" points="496.68,-3341.29 489.746,-3349.3 500.162,-3347.36 496.68,-3341.29"/> </g> <!-- Node72 --> <g id="node72" class="node"><title>Node72</title> <g id="a_node72"><a xlink:href="classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml" target="_top" xlink:title="Interface to perform Non-Maxima suppression over a 3x3 window using OpenCL. "> -<polygon fill="white" stroke="black" points="587,-3561 587,-3591 739,-3591 739,-3561 587,-3561"/> -<text text-anchor="start" x="595" y="-3579" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonMaximaSuppression3x3</text> -<text text-anchor="middle" x="663" y="-3568" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="587,-3224 587,-3254 739,-3254 739,-3224 587,-3224"/> +<text text-anchor="start" x="595" y="-3242" font-family="Helvetica,sans-Serif" font-size="10.00">CLNonMaximaSuppression3x3</text> +<text text-anchor="middle" x="663" y="-3231" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node55->Node72 --> <g id="edge71" class="edge"><title>Node55->Node72</title> -<path fill="none" stroke="midnightblue" d="M489.482,-3678.96C510.016,-3657.97 547.611,-3622.45 586,-3601 592.669,-3597.27 599.981,-3593.99 607.351,-3591.14"/> -<polygon fill="midnightblue" stroke="midnightblue" points="486.893,-3676.61 482.482,-3686.24 491.937,-3681.46 486.893,-3676.61"/> +<path fill="none" stroke="midnightblue" d="M489.482,-3341.96C510.016,-3320.97 547.611,-3285.45 586,-3264 592.669,-3260.27 599.981,-3256.99 607.351,-3254.14"/> +<polygon fill="midnightblue" stroke="midnightblue" points="486.893,-3339.61 482.482,-3349.24 491.937,-3344.46 486.893,-3339.61"/> </g> <!-- Node73 --> <g id="node73" class="node"><title>Node73</title> <g id="a_node73"><a xlink:href="classarm__compute_1_1_c_l_scale_kernel.xhtml" target="_top" xlink:title="Interface for the warp affine kernel. "> -<polygon fill="white" stroke="black" points="622,-3522.5 622,-3541.5 704,-3541.5 704,-3522.5 622,-3522.5"/> -<text text-anchor="middle" x="663" y="-3529.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScaleKernel</text> +<polygon fill="white" stroke="black" points="622,-3185.5 622,-3204.5 704,-3204.5 704,-3185.5 622,-3185.5"/> +<text text-anchor="middle" x="663" y="-3192.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLScaleKernel</text> </a> </g> </g> <!-- Node55->Node73 --> <g id="edge72" class="edge"><title>Node55->Node73</title> -<path fill="none" stroke="midnightblue" d="M482.872,-3677.26C499.35,-3646.29 536.513,-3584.6 586,-3552 596.596,-3545.02 609.524,-3540.47 621.69,-3537.51"/> -<polygon fill="midnightblue" stroke="midnightblue" points="479.752,-3675.67 478.259,-3686.16 485.968,-3678.89 479.752,-3675.67"/> +<path fill="none" stroke="midnightblue" d="M482.872,-3340.26C499.35,-3309.29 536.513,-3247.6 586,-3215 596.596,-3208.02 609.524,-3203.47 621.69,-3200.51"/> +<polygon fill="midnightblue" stroke="midnightblue" points="479.752,-3338.67 478.259,-3349.16 485.968,-3341.89 479.752,-3338.67"/> </g> <!-- Node74 --> <g id="node74" class="node"><title>Node74</title> <g id="a_node74"><a xlink:href="classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml" target="_top" xlink:title="Kernel for the Horizontal pass of a Separable Convolution. "> -<polygon fill="white" stroke="black" points="593,-3473 593,-3503 733,-3503 733,-3473 593,-3473"/> -<text text-anchor="start" x="601" y="-3491" font-family="Helvetica,sans-Serif" font-size="10.00">CLSeparableConvolutionHor</text> -<text text-anchor="middle" x="663" y="-3480" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> +<polygon fill="white" stroke="black" points="593,-3136 593,-3166 733,-3166 733,-3136 593,-3136"/> +<text text-anchor="start" x="601" y="-3154" font-family="Helvetica,sans-Serif" font-size="10.00">CLSeparableConvolutionHor</text> +<text text-anchor="middle" x="663" y="-3143" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> </a> </g> </g> <!-- Node55->Node74 --> <g id="edge73" class="edge"><title>Node55->Node74</title> -<path fill="none" stroke="midnightblue" d="M480.14,-3676.81C493.946,-3639.7 529.272,-3557.82 586,-3513 590.904,-3509.12 596.433,-3505.84 602.214,-3503.06"/> -<polygon fill="midnightblue" stroke="midnightblue" points="476.777,-3675.82 476.68,-3686.41 483.363,-3678.19 476.777,-3675.82"/> +<path fill="none" stroke="midnightblue" d="M480.14,-3339.81C493.946,-3302.7 529.272,-3220.82 586,-3176 590.904,-3172.12 596.433,-3168.84 602.214,-3166.06"/> +<polygon fill="midnightblue" stroke="midnightblue" points="476.777,-3338.82 476.68,-3349.41 483.363,-3341.19 476.777,-3338.82"/> </g> <!-- Node76 --> <g id="node76" class="node"><title>Node76</title> <g id="a_node76"><a xlink:href="classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml" target="_top" xlink:title="Kernel for the Vertical pass of a Separable Convolution. "> -<polygon fill="white" stroke="black" points="591.5,-3424 591.5,-3454 734.5,-3454 734.5,-3424 591.5,-3424"/> -<text text-anchor="start" x="599.5" y="-3442" font-family="Helvetica,sans-Serif" font-size="10.00">CLSeparableConvolutionVert</text> -<text text-anchor="middle" x="663" y="-3431" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> +<polygon fill="white" stroke="black" points="591.5,-3087 591.5,-3117 734.5,-3117 734.5,-3087 591.5,-3087"/> +<text text-anchor="start" x="599.5" y="-3105" font-family="Helvetica,sans-Serif" font-size="10.00">CLSeparableConvolutionVert</text> +<text text-anchor="middle" x="663" y="-3094" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> </a> </g> </g> <!-- Node55->Node76 --> <g id="edge75" class="edge"><title>Node55->Node76</title> -<path fill="none" stroke="midnightblue" d="M477.473,-3676.66C487.554,-3632.44 518.281,-3523.22 586,-3464 590.391,-3460.16 595.388,-3456.91 600.672,-3454.15"/> -<polygon fill="midnightblue" stroke="midnightblue" points="474.053,-3675.91 475.345,-3686.43 480.893,-3677.4 474.053,-3675.91"/> +<path fill="none" stroke="midnightblue" d="M477.473,-3339.66C487.554,-3295.44 518.281,-3186.22 586,-3127 590.391,-3123.16 595.388,-3119.91 600.672,-3117.15"/> +<polygon fill="midnightblue" stroke="midnightblue" points="474.053,-3338.91 475.345,-3349.43 480.893,-3340.4 474.053,-3338.91"/> </g> <!-- Node78 --> <g id="node78" class="node"><title>Node78</title> <g id="a_node78"><a xlink:href="classarm__compute_1_1_c_l_table_lookup_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform table lookup calculations. "> -<polygon fill="white" stroke="black" points="606.5,-3385.5 606.5,-3404.5 719.5,-3404.5 719.5,-3385.5 606.5,-3385.5"/> -<text text-anchor="middle" x="663" y="-3392.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTableLookupKernel</text> +<polygon fill="white" stroke="black" points="606.5,-3048.5 606.5,-3067.5 719.5,-3067.5 719.5,-3048.5 606.5,-3048.5"/> +<text text-anchor="middle" x="663" y="-3055.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTableLookupKernel</text> </a> </g> </g> <!-- Node55->Node78 --> <g id="edge77" class="edge"><title>Node55->Node78</title> -<path fill="none" stroke="midnightblue" d="M475.421,-3676.18C481.482,-3624.85 504.907,-3486.65 586,-3415 591.828,-3409.85 598.828,-3406 606.19,-3403.13"/> -<polygon fill="midnightblue" stroke="midnightblue" points="471.926,-3675.95 474.326,-3686.26 478.885,-3676.7 471.926,-3675.95"/> +<path fill="none" stroke="midnightblue" d="M475.421,-3339.18C481.482,-3287.85 504.907,-3149.65 586,-3078 591.828,-3072.85 598.828,-3069 606.19,-3066.13"/> +<polygon fill="midnightblue" stroke="midnightblue" points="471.926,-3338.95 474.326,-3349.26 478.885,-3339.7 471.926,-3338.95"/> </g> <!-- Node79 --> <g id="node79" class="node"><title>Node79</title> <g id="a_node79"><a xlink:href="classarm__compute_1_1_c_l_threshold_kernel.xhtml" target="_top" xlink:title="Interface for the thresholding kernel. "> -<polygon fill="white" stroke="black" points="613,-3347.5 613,-3366.5 713,-3366.5 713,-3347.5 613,-3347.5"/> -<text text-anchor="middle" x="663" y="-3354.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLThresholdKernel</text> +<polygon fill="white" stroke="black" points="613,-3010.5 613,-3029.5 713,-3029.5 713,-3010.5 613,-3010.5"/> +<text text-anchor="middle" x="663" y="-3017.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLThresholdKernel</text> </a> </g> </g> <!-- Node55->Node79 --> <g id="edge78" class="edge"><title>Node55->Node79</title> -<path fill="none" stroke="midnightblue" d="M474.277,-3676.08C477.588,-3619.91 494.962,-3458.94 586,-3376 593.44,-3369.22 602.929,-3364.78 612.661,-3361.88"/> -<polygon fill="midnightblue" stroke="midnightblue" points="470.765,-3676.25 473.763,-3686.41 477.756,-3676.6 470.765,-3676.25"/> +<path fill="none" stroke="midnightblue" d="M474.277,-3339.08C477.588,-3282.91 494.962,-3121.94 586,-3039 593.44,-3032.22 602.929,-3027.78 612.661,-3024.88"/> +<polygon fill="midnightblue" stroke="midnightblue" points="470.765,-3339.25 473.763,-3349.41 477.756,-3339.6 470.765,-3339.25"/> </g> <!-- Node80 --> <g id="node80" class="node"><title>Node80</title> <g id="a_node80"><a xlink:href="classarm__compute_1_1_c_l_transpose_kernel.xhtml" target="_top" xlink:title="OpenCL kernel which transposes the elements of a matrix. "> -<polygon fill="white" stroke="black" points="611.5,-3309.5 611.5,-3328.5 714.5,-3328.5 714.5,-3309.5 611.5,-3309.5"/> -<text text-anchor="middle" x="663" y="-3316.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTransposeKernel</text> +<polygon fill="white" stroke="black" points="611.5,-2972.5 611.5,-2991.5 714.5,-2991.5 714.5,-2972.5 611.5,-2972.5"/> +<text text-anchor="middle" x="663" y="-2979.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLTransposeKernel</text> </a> </g> </g> <!-- Node55->Node80 --> <g id="edge79" class="edge"><title>Node55->Node80</title> -<path fill="none" stroke="midnightblue" d="M473.421,-3676.17C474.309,-3615.81 485.548,-3432.65 586,-3338 593.028,-3331.38 602.004,-3326.97 611.306,-3324.05"/> -<polygon fill="midnightblue" stroke="midnightblue" points="469.92,-3676.23 473.357,-3686.26 476.92,-3676.28 469.92,-3676.23"/> +<path fill="none" stroke="midnightblue" d="M473.421,-3339.17C474.309,-3278.81 485.548,-3095.65 586,-3001 593.028,-2994.38 602.004,-2989.97 611.306,-2987.05"/> +<polygon fill="midnightblue" stroke="midnightblue" points="469.92,-3339.23 473.357,-3349.26 476.92,-3339.28 469.92,-3339.23"/> </g> <!-- Node81 --> <g id="node81" class="node"><title>Node81</title> <g id="a_node81"><a xlink:href="classarm__compute_1_1_c_l_warp_affine_kernel.xhtml" target="_top" xlink:title="Interface for the warp affine kernel. "> -<polygon fill="white" stroke="black" points="610,-3271.5 610,-3290.5 716,-3290.5 716,-3271.5 610,-3271.5"/> -<text text-anchor="middle" x="663" y="-3278.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpAffineKernel</text> +<polygon fill="white" stroke="black" points="610,-2934.5 610,-2953.5 716,-2953.5 716,-2934.5 610,-2934.5"/> +<text text-anchor="middle" x="663" y="-2941.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpAffineKernel</text> </a> </g> </g> <!-- Node55->Node81 --> <g id="edge80" class="edge"><title>Node55->Node81</title> -<path fill="none" stroke="midnightblue" d="M472.723,-3676.24C471.333,-3611.91 476.07,-3406.49 586,-3300 592.643,-3293.57 601.119,-3289.21 609.986,-3286.28"/> -<polygon fill="midnightblue" stroke="midnightblue" points="469.224,-3676.36 473.018,-3686.25 476.221,-3676.15 469.224,-3676.36"/> +<path fill="none" stroke="midnightblue" d="M472.723,-3339.24C471.333,-3274.91 476.07,-3069.49 586,-2963 592.643,-2956.57 601.119,-2952.21 609.986,-2949.28"/> +<polygon fill="midnightblue" stroke="midnightblue" points="469.224,-3339.36 473.018,-3349.25 476.221,-3339.15 469.224,-3339.36"/> </g> <!-- Node82 --> <g id="node82" class="node"><title>Node82</title> <g id="a_node82"><a xlink:href="classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml" target="_top" xlink:title="Interface for the warp perspective kernel. "> -<polygon fill="white" stroke="black" points="597,-3233.5 597,-3252.5 729,-3252.5 729,-3233.5 597,-3233.5"/> -<text text-anchor="middle" x="663" y="-3240.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpPerspectiveKernel</text> +<polygon fill="white" stroke="black" points="597,-2896.5 597,-2915.5 729,-2915.5 729,-2896.5 597,-2896.5"/> +<text text-anchor="middle" x="663" y="-2903.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLWarpPerspectiveKernel</text> </a> </g> </g> <!-- Node55->Node82 --> <g id="edge81" class="edge"><title>Node55->Node82</title> -<path fill="none" stroke="midnightblue" d="M475.979,-3675.95C485.915,-3598.77 525.272,-3322.2 586,-3262 589.863,-3258.17 594.375,-3255.07 599.238,-3252.57"/> -<polygon fill="midnightblue" stroke="midnightblue" points="472.465,-3675.84 474.682,-3686.2 479.409,-3676.72 472.465,-3675.84"/> +<path fill="none" stroke="midnightblue" d="M475.979,-3338.95C485.915,-3261.77 525.272,-2985.2 586,-2925 589.863,-2921.17 594.375,-2918.07 599.238,-2915.57"/> +<polygon fill="midnightblue" stroke="midnightblue" points="472.465,-3338.84 474.682,-3349.2 479.409,-3339.72 472.465,-3338.84"/> </g> <!-- Node83 --> <g id="node83" class="node"><title>Node83</title> <g id="a_node83"><a xlink:href="classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml" target="_top" xlink:title="Interface for simple OpenCL kernels having 1 tensor input and 1 tensor output. "> -<polygon fill="white" stroke="black" points="611.5,-3195.5 611.5,-3214.5 714.5,-3214.5 714.5,-3195.5 611.5,-3195.5"/> -<text text-anchor="middle" x="663" y="-3202.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimple3DKernel</text> +<polygon fill="white" stroke="black" points="611.5,-2858.5 611.5,-2877.5 714.5,-2877.5 714.5,-2858.5 611.5,-2858.5"/> +<text text-anchor="middle" x="663" y="-2865.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICLSimple3DKernel</text> </a> </g> </g> <!-- Node55->Node83 --> <g id="edge82" class="edge"><title>Node55->Node83</title> -<path fill="none" stroke="midnightblue" d="M475.548,-3675.79C484.219,-3594.2 520.505,-3290.22 586,-3224 592.886,-3217.04 601.91,-3212.49 611.326,-3209.55"/> -<polygon fill="midnightblue" stroke="midnightblue" points="472.023,-3675.86 474.469,-3686.16 478.985,-3676.58 472.023,-3675.86"/> +<path fill="none" stroke="midnightblue" d="M475.548,-3338.79C484.219,-3257.2 520.505,-2953.22 586,-2887 592.886,-2880.04 601.91,-2875.49 611.326,-2872.55"/> +<polygon fill="midnightblue" stroke="midnightblue" points="472.023,-3338.86 474.469,-3349.16 478.985,-3339.58 472.023,-3338.86"/> </g> <!-- Node75 --> <g id="node75" class="node"><title>Node75</title> <g id="a_node75"><a xlink:href="classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 5x5 Gaussian filter on a tensor. "> -<polygon fill="white" stroke="black" points="777,-3478.5 777,-3497.5 907,-3497.5 907,-3478.5 777,-3478.5"/> -<text text-anchor="middle" x="842" y="-3485.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5HorKernel</text> +<polygon fill="white" stroke="black" points="777,-3141.5 777,-3160.5 907,-3160.5 907,-3141.5 777,-3141.5"/> +<text text-anchor="middle" x="842" y="-3148.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5HorKernel</text> </a> </g> </g> <!-- Node74->Node75 --> <g id="edge74" class="edge"><title>Node74->Node75</title> -<path fill="none" stroke="midnightblue" d="M743.38,-3488C754.554,-3488 765.925,-3488 776.768,-3488"/> -<polygon fill="midnightblue" stroke="midnightblue" points="743.193,-3484.5 733.193,-3488 743.193,-3491.5 743.193,-3484.5"/> +<path fill="none" stroke="midnightblue" d="M743.38,-3151C754.554,-3151 765.925,-3151 776.768,-3151"/> +<polygon fill="midnightblue" stroke="midnightblue" points="743.193,-3147.5 733.193,-3151 743.193,-3154.5 743.193,-3147.5"/> </g> <!-- Node77 --> <g id="node77" class="node"><title>Node77</title> <g id="a_node77"><a xlink:href="classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 5x5 Gaussian filter on a tensor. "> -<polygon fill="white" stroke="black" points="776,-3429.5 776,-3448.5 908,-3448.5 908,-3429.5 776,-3429.5"/> -<text text-anchor="middle" x="842" y="-3436.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5VertKernel</text> +<polygon fill="white" stroke="black" points="776,-3092.5 776,-3111.5 908,-3111.5 908,-3092.5 776,-3092.5"/> +<text text-anchor="middle" x="842" y="-3099.5" font-family="Helvetica,sans-Serif" font-size="10.00">CLGaussian5x5VertKernel</text> </a> </g> </g> <!-- Node76->Node77 --> <g id="edge76" class="edge"><title>Node76->Node77</title> -<path fill="none" stroke="midnightblue" d="M744.989,-3439C755.327,-3439 765.803,-3439 775.846,-3439"/> -<polygon fill="midnightblue" stroke="midnightblue" points="744.718,-3435.5 734.718,-3439 744.718,-3442.5 744.718,-3435.5"/> +<path fill="none" stroke="midnightblue" d="M744.989,-3102C755.327,-3102 765.803,-3102 775.846,-3102"/> +<polygon fill="midnightblue" stroke="midnightblue" points="744.718,-3098.5 734.718,-3102 744.718,-3105.5 744.718,-3098.5"/> </g> <!-- Node85 --> <g id="node85" class="node"><title>Node85</title> <g id="a_node85"><a xlink:href="classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml" target="_top" xlink:title="CPP kernel to perform corner candidates. "> -<polygon fill="white" stroke="black" points="201,-2654.5 201,-2673.5 345,-2673.5 345,-2654.5 201,-2654.5"/> -<text text-anchor="middle" x="273" y="-2661.5" font-family="Helvetica,sans-Serif" font-size="10.00">CPPCornerCandidatesKernel</text> +<polygon fill="white" stroke="black" points="201,-2488.5 201,-2507.5 345,-2507.5 345,-2488.5 201,-2488.5"/> +<text text-anchor="middle" x="273" y="-2495.5" font-family="Helvetica,sans-Serif" font-size="10.00">CPPCornerCandidatesKernel</text> </a> </g> </g> <!-- Node84->Node85 --> <g id="edge84" class="edge"><title>Node84->Node85</title> -<path fill="none" stroke="midnightblue" d="M118.256,-1209.65C120.549,-1379.01 138.576,-2587.41 187,-2645 190.893,-2649.63 195.644,-2653.28 200.89,-2656.13"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.756,-1209.6 118.123,-1199.65 114.757,-1209.69 121.756,-1209.6"/> +<path fill="none" stroke="midnightblue" d="M118.372,-1191.05C121.439,-1351.92 143.541,-2427.59 187,-2479 190.905,-2483.62 195.665,-2487.26 200.917,-2490.11"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.865,-1190.66 118.177,-1180.73 114.866,-1190.79 121.865,-1190.66"/> </g> <!-- Node86 --> <g id="node86" class="node"><title>Node86</title> <g id="a_node86"><a xlink:href="classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml" target="_top" xlink:title="CPP kernel to perform sorting and euclidean distance. "> -<polygon fill="white" stroke="black" points="204.5,-2605 204.5,-2635 341.5,-2635 341.5,-2605 204.5,-2605"/> -<text text-anchor="start" x="212.5" y="-2623" font-family="Helvetica,sans-Serif" font-size="10.00">CPPSortEuclideanDistance</text> -<text text-anchor="middle" x="273" y="-2612" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="204.5,-2439 204.5,-2469 341.5,-2469 341.5,-2439 204.5,-2439"/> +<text text-anchor="start" x="212.5" y="-2457" font-family="Helvetica,sans-Serif" font-size="10.00">CPPSortEuclideanDistance</text> +<text text-anchor="middle" x="273" y="-2446" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node86 --> <g id="edge85" class="edge"><title>Node84->Node86</title> -<path fill="none" stroke="midnightblue" d="M118.325,-1209.96C121.122,-1377.02 142.144,-2538.02 187,-2595 191.662,-2600.92 197.654,-2605.49 204.295,-2609.01"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.82,-1209.61 118.155,-1199.67 114.82,-1209.73 121.82,-1209.61"/> +<path fill="none" stroke="midnightblue" d="M118.438,-1190.75C121.979,-1346.93 146.844,-2378.29 187,-2429 191.679,-2434.91 197.681,-2439.47 204.328,-2442.99"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.936,-1190.61 118.212,-1180.69 114.937,-1190.77 121.936,-1190.61"/> </g> <!-- Node87 --> <g id="node87" class="node"><title>Node87</title> <g id="a_node87"><a xlink:href="classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml" target="_top" xlink:title="Interface for simple NEON kernels having 1 tensor input and 1 tensor output. "> -<polygon fill="white" stroke="black" points="224,-2566.5 224,-2585.5 322,-2585.5 322,-2566.5 224,-2566.5"/> -<text text-anchor="middle" x="273" y="-2573.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICPPSimpleKernel</text> +<polygon fill="white" stroke="black" points="224,-2400.5 224,-2419.5 322,-2419.5 322,-2400.5 224,-2400.5"/> +<text text-anchor="middle" x="273" y="-2407.5" font-family="Helvetica,sans-Serif" font-size="10.00">ICPPSimpleKernel</text> </a> </g> </g> <!-- Node84->Node87 --> <g id="edge86" class="edge"><title>Node84->Node87</title> -<path fill="none" stroke="midnightblue" d="M118.064,-1209.93C118.664,-1315.44 124.809,-1819.22 187,-2225 208.087,-2362.58 256.522,-2525.5 269.016,-2566.35"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.563,-1209.76 118.017,-1199.77 114.563,-1209.79 121.563,-1209.76"/> +<path fill="none" stroke="midnightblue" d="M118.546,-1190.81C122.087,-1314.92 143.045,-1986.67 187,-2187 205.824,-2272.8 251.763,-2369.42 266.998,-2400.11"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.037,-1190.44 118.258,-1180.54 115.04,-1190.64 122.037,-1190.44"/> +</g> +<!-- Node114 --> +<g id="node114" class="node"><title>Node114</title> +<g id="a_node114"><a xlink:href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" target="_top" xlink:title="Common interface for all Harris Score kernels. "> +<polygon fill="white" stroke="black" points="216.5,-2158.5 216.5,-2177.5 329.5,-2177.5 329.5,-2158.5 216.5,-2158.5"/> +<text text-anchor="middle" x="273" y="-2165.5" font-family="Helvetica,sans-Serif" font-size="10.00">INEHarrisScoreKernel</text> +</a> +</g> +</g> +<!-- Node84->Node114 --> +<g id="edge113" class="edge"><title>Node84->Node114</title> +<path fill="none" stroke="midnightblue" d="M118.004,-1191.08C118.212,-1323.98 122.263,-2073.78 187,-2149 194.497,-2157.71 205.034,-2162.92 216.145,-2165.95"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.504,-1190.77 117.994,-1180.77 114.504,-1190.77 121.504,-1190.77"/> +</g> +<!-- Node117 --> +<g id="node117" class="node"><title>Node117</title> +<g id="a_node117"><a xlink:href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml" target="_top" xlink:title="Common interface for warp affine and warp perspective. "> +<polygon fill="white" stroke="black" points="230.5,-2120.5 230.5,-2139.5 315.5,-2139.5 315.5,-2120.5 230.5,-2120.5"/> +<text text-anchor="middle" x="273" y="-2127.5" font-family="Helvetica,sans-Serif" font-size="10.00">INEWarpKernel</text> +</a> +</g> +</g> +<!-- Node84->Node117 --> +<g id="edge116" class="edge"><title>Node84->Node117</title> +<path fill="none" stroke="midnightblue" d="M118.063,-1190.7C118.652,-1319.55 124.728,-2038.85 187,-2111 197.671,-2123.36 214.466,-2128.68 230.319,-2130.69"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.563,-1190.67 118.023,-1180.69 114.563,-1190.7 121.563,-1190.67"/> +</g> +<!-- Node120 --> +<g id="node120" class="node"><title>Node120</title> +<g id="a_node120"><a xlink:href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" target="_top" xlink:title="Interface for the absolute difference kernel. "> +<polygon fill="white" stroke="black" points="202,-2082.5 202,-2101.5 344,-2101.5 344,-2082.5 202,-2082.5"/> +<text text-anchor="middle" x="273" y="-2089.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAbsoluteDifferenceKernel</text> +</a> +</g> +</g> +<!-- Node84->Node120 --> +<g id="edge119" class="edge"><title>Node84->Node120</title> +<path fill="none" stroke="midnightblue" d="M118.127,-1190.68C119.117,-1316.38 127.248,-2003.99 187,-2073 191.157,-2077.8 196.238,-2081.54 201.828,-2084.43"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.626,-1190.56 118.054,-1180.58 114.627,-1190.61 121.626,-1190.56"/> +</g> +<!-- Node121 --> +<g id="node121" class="node"><title>Node121</title> +<g id="a_node121"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform addition between two tensors. "> +<polygon fill="white" stroke="black" points="204,-2044.5 204,-2063.5 342,-2063.5 342,-2044.5 204,-2044.5"/> +<text text-anchor="middle" x="273" y="-2051.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticAdditionKernel</text> +</a> +</g> +</g> +<!-- Node84->Node121 --> +<g id="edge120" class="edge"><title>Node84->Node121</title> +<path fill="none" stroke="midnightblue" d="M118.201,-1190.98C119.619,-1314.33 129.817,-1969.18 187,-2035 191.661,-2040.37 197.476,-2044.4 203.863,-2047.41"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.698,-1190.7 118.089,-1180.74 114.698,-1190.78 121.698,-1190.7"/> +</g> +<!-- Node122 --> +<g id="node122" class="node"><title>Node122</title> +<g id="a_node122"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform subtraction between two tensors. "> +<polygon fill="white" stroke="black" points="197,-2006.5 197,-2025.5 349,-2025.5 349,-2006.5 197,-2006.5"/> +<text text-anchor="middle" x="273" y="-2013.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticSubtractionKernel</text> +</a> +</g> +</g> +<!-- Node84->Node122 --> +<g id="edge121" class="edge"><title>Node84->Node122</title> +<path fill="none" stroke="midnightblue" d="M118.276,-1190.84C120.12,-1310.61 132.313,-1934.28 187,-1997 190.279,-2000.76 194.126,-2003.87 198.339,-2006.43"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.772,-1190.53 118.125,-1180.59 114.773,-1190.64 121.772,-1190.53"/> </g> <!-- Node123 --> <g id="node123" class="node"><title>Node123</title> -<g id="a_node123"><a xlink:href="classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml" target="_top" xlink:title="Common interface for all Harris Score kernels. "> -<polygon fill="white" stroke="black" points="216.5,-2196.5 216.5,-2215.5 329.5,-2215.5 329.5,-2196.5 216.5,-2196.5"/> -<text text-anchor="middle" x="273" y="-2203.5" font-family="Helvetica,sans-Serif" font-size="10.00">INEHarrisScoreKernel</text> +<g id="a_node123"><a xlink:href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise AND between XY-planes of two tensors. ..."> +<polygon fill="white" stroke="black" points="219,-1968.5 219,-1987.5 327,-1987.5 327,-1968.5 219,-1968.5"/> +<text text-anchor="middle" x="273" y="-1975.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseAndKernel</text> </a> </g> </g> <!-- Node84->Node123 --> <g id="edge122" class="edge"><title>Node84->Node123</title> -<path fill="none" stroke="midnightblue" d="M117.975,-1210.05C117.992,-1344.35 120.994,-2110.21 187,-2187 194.491,-2195.72 205.025,-2200.93 216.136,-2203.96"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.475,-1209.65 117.98,-1199.65 114.475,-1209.65 121.475,-1209.65"/> +<path fill="none" stroke="midnightblue" d="M118.363,-1191C120.667,-1307.89 134.854,-1899.44 187,-1959 195.168,-1968.33 206.824,-1973.63 218.896,-1976.53"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.857,-1190.61 118.167,-1180.68 114.858,-1190.74 121.857,-1190.61"/> +</g> +<!-- Node124 --> +<g id="node124" class="node"><title>Node124</title> +<g id="a_node124"><a xlink:href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise NOT operation. "> +<polygon fill="white" stroke="black" points="219.5,-1930.5 219.5,-1949.5 326.5,-1949.5 326.5,-1930.5 219.5,-1930.5"/> +<text text-anchor="middle" x="273" y="-1937.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseNotKernel</text> +</a> +</g> +</g> +<!-- Node84->Node124 --> +<g id="edge123" class="edge"><title>Node84->Node124</title> +<path fill="none" stroke="midnightblue" d="M118.451,-1190.75C121.205,-1303.66 137.328,-1864.52 187,-1921 195.288,-1930.42 207.137,-1935.74 219.366,-1938.61"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.949,-1190.65 118.213,-1180.74 114.951,-1190.82 121.949,-1190.65"/> +</g> +<!-- Node125 --> +<g id="node125" class="node"><title>Node125</title> +<g id="a_node125"><a xlink:href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise inclusive OR between two tensors. "> +<polygon fill="white" stroke="black" points="222.5,-1892.5 222.5,-1911.5 323.5,-1911.5 323.5,-1892.5 222.5,-1892.5"/> +<text text-anchor="middle" x="273" y="-1899.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseOrKernel</text> +</a> +</g> +</g> +<!-- Node84->Node125 --> +<g id="edge124" class="edge"><title>Node84->Node125</title> +<path fill="none" stroke="midnightblue" d="M118.553,-1190.76C121.796,-1300.27 139.84,-1829.63 187,-1883 196.012,-1893.2 209.193,-1898.57 222.498,-1901.26"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.051,-1190.65 118.264,-1180.75 115.054,-1190.85 122.051,-1190.65"/> </g> <!-- Node126 --> <g id="node126" class="node"><title>Node126</title> -<g id="a_node126"><a xlink:href="classarm__compute_1_1_i_n_e_warp_kernel.xhtml" target="_top" xlink:title="Common interface for warp affine and warp perspective. "> -<polygon fill="white" stroke="black" points="230.5,-2158.5 230.5,-2177.5 315.5,-2177.5 315.5,-2158.5 230.5,-2158.5"/> -<text text-anchor="middle" x="273" y="-2165.5" font-family="Helvetica,sans-Serif" font-size="10.00">INEWarpKernel</text> +<g id="a_node126"><a xlink:href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors. "> +<polygon fill="white" stroke="black" points="220,-1854.5 220,-1873.5 326,-1873.5 326,-1854.5 220,-1854.5"/> +<text text-anchor="middle" x="273" y="-1861.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseXorKernel</text> </a> </g> </g> <!-- Node84->Node126 --> <g id="edge125" class="edge"><title>Node84->Node126</title> -<path fill="none" stroke="midnightblue" d="M118.033,-1209.69C118.426,-1340.01 123.463,-2075.28 187,-2149 197.662,-2161.37 214.456,-2166.68 230.31,-2168.7"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.532,-1209.57 118.008,-1199.58 114.532,-1209.59 121.532,-1209.57"/> +<path fill="none" stroke="midnightblue" d="M118.676,-1191.01C122.45,-1297.51 142.381,-1794.78 187,-1845 195.437,-1854.5 207.488,-1859.8 219.875,-1862.65"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.164,-1190.6 118.319,-1180.73 115.168,-1190.84 122.164,-1190.6"/> +</g> +<!-- Node127 --> +<g id="node127" class="node"><title>Node127</title> +<g id="a_node127"><a xlink:href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" target="_top" xlink:title="Interface for the channel combine kernel. "> +<polygon fill="white" stroke="black" points="206,-1816.5 206,-1835.5 340,-1835.5 340,-1816.5 206,-1816.5"/> +<text text-anchor="middle" x="273" y="-1823.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelCombineKernel</text> +</a> +</g> +</g> +<!-- Node84->Node127 --> +<g id="edge126" class="edge"><title>Node84->Node127</title> +<path fill="none" stroke="midnightblue" d="M118.797,-1190.84C123.091,-1293.33 144.859,-1759.86 187,-1807 192.14,-1812.75 198.605,-1816.96 205.664,-1820.02"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.286,-1190.5 118.378,-1180.66 115.292,-1190.79 122.286,-1190.5"/> +</g> +<!-- Node128 --> +<g id="node128" class="node"><title>Node128</title> +<g id="a_node128"><a xlink:href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform col2im reshaping. "> +<polygon fill="white" stroke="black" points="228,-1778.5 228,-1797.5 318,-1797.5 318,-1778.5 228,-1778.5"/> +<text text-anchor="middle" x="273" y="-1785.5" font-family="Helvetica,sans-Serif" font-size="10.00">NECol2ImKernel</text> +</a> +</g> +</g> +<!-- Node84->Node128 --> +<g id="edge127" class="edge"><title>Node84->Node128</title> +<path fill="none" stroke="midnightblue" d="M118.927,-1190.57C123.755,-1288.78 147.32,-1724.92 187,-1769 197.319,-1780.46 212.908,-1785.81 227.931,-1788.09"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.421,-1190.36 118.442,-1180.54 115.43,-1190.7 122.421,-1190.36"/> </g> <!-- Node129 --> <g id="node129" class="node"><title>Node129</title> -<g id="a_node129"><a xlink:href="classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml" target="_top" xlink:title="Interface for the absolute difference kernel. "> -<polygon fill="white" stroke="black" points="202,-2120.5 202,-2139.5 344,-2139.5 344,-2120.5 202,-2120.5"/> -<text text-anchor="middle" x="273" y="-2127.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAbsoluteDifferenceKernel</text> +<g id="a_node129"><a xlink:href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml" target="_top" xlink:title="Interface for the color convert kernel. "> +<polygon fill="white" stroke="black" points="215,-1740.5 215,-1759.5 331,-1759.5 331,-1740.5 215,-1740.5"/> +<text text-anchor="middle" x="273" y="-1747.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEColorConvertKernel</text> </a> </g> </g> <!-- Node84->Node129 --> <g id="edge128" class="edge"><title>Node84->Node129</title> -<path fill="none" stroke="midnightblue" d="M118.097,-1210.09C118.897,-1338.43 126.051,-2040.5 187,-2111 191.153,-2115.8 196.232,-2119.54 201.82,-2122.44"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.595,-1209.76 118.039,-1199.78 114.595,-1209.8 121.595,-1209.76"/> +<path fill="none" stroke="midnightblue" d="M119.118,-1191.1C124.601,-1286.42 149.882,-1690.08 187,-1731 194.315,-1739.06 204.239,-1744.09 214.725,-1747.16"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.597,-1190.61 118.536,-1180.83 115.608,-1191.01 122.597,-1190.61"/> </g> <!-- Node130 --> <g id="node130" class="node"><title>Node130</title> -<g id="a_node130"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform addition between two tensors. "> -<polygon fill="white" stroke="black" points="204,-2082.5 204,-2101.5 342,-2101.5 342,-2082.5 204,-2082.5"/> -<text text-anchor="middle" x="273" y="-2089.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticAdditionKernel</text> +<g id="a_node130"><a xlink:href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform reshaping on the weights used by convolution layer. "> +<polygon fill="white" stroke="black" points="201.5,-1691 201.5,-1721 344.5,-1721 344.5,-1691 201.5,-1691"/> +<text text-anchor="start" x="209.5" y="-1709" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionLayerWeights</text> +<text text-anchor="middle" x="273" y="-1698" font-family="Helvetica,sans-Serif" font-size="10.00">ReshapeKernel</text> </a> </g> </g> <!-- Node84->Node130 --> <g id="edge129" class="edge"><title>Node84->Node130</title> -<path fill="none" stroke="midnightblue" d="M118.165,-1210.03C119.374,-1335.08 128.564,-2005.62 187,-2073 191.656,-2078.37 197.468,-2082.41 203.854,-2085.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.661,-1209.63 118.071,-1199.66 114.662,-1209.7 121.661,-1209.63"/> +<path fill="none" stroke="midnightblue" d="M117.908,-1190.74C117.917,-1275.24 122.161,-1605.51 187,-1681 191.009,-1685.67 195.84,-1689.49 201.139,-1692.61"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.408,-1190.71 117.929,-1180.7 114.408,-1190.69 121.408,-1190.71"/> </g> <!-- Node131 --> <g id="node131" class="node"><title>Node131</title> -<g id="a_node131"><a xlink:href="classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform subtraction between two tensors. "> -<polygon fill="white" stroke="black" points="197,-2044.5 197,-2063.5 349,-2063.5 349,-2044.5 197,-2044.5"/> -<text text-anchor="middle" x="273" y="-2051.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEArithmeticSubtractionKernel</text> +<g id="a_node131"><a xlink:href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" target="_top" xlink:title="Kernel for the running convolution on a rectangle matrix. "> +<polygon fill="white" stroke="black" points="195.5,-1652.5 195.5,-1671.5 350.5,-1671.5 350.5,-1652.5 195.5,-1652.5"/> +<text text-anchor="middle" x="273" y="-1659.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionRectangleKernel</text> </a> </g> </g> <!-- Node84->Node131 --> <g id="edge130" class="edge"><title>Node84->Node131</title> -<path fill="none" stroke="midnightblue" d="M118.233,-1209.54C119.844,-1330.19 131.009,-1970.67 187,-2035 190.276,-2038.76 194.12,-2041.87 198.331,-2044.43"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.732,-1209.48 118.105,-1199.53 114.733,-1209.57 121.732,-1209.48"/> +<path fill="none" stroke="midnightblue" d="M118.025,-1191.16C118.55,-1272.55 124.72,-1575.88 187,-1643 190.497,-1646.77 194.564,-1649.87 198.989,-1652.42"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.524,-1190.8 117.983,-1180.81 114.524,-1190.83 121.524,-1190.8"/> </g> <!-- Node132 --> <g id="node132" class="node"><title>Node132</title> -<g id="a_node132"><a xlink:href="classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise AND between XY-planes of two tensors. ..."> -<polygon fill="white" stroke="black" points="219,-2006.5 219,-2025.5 327,-2025.5 327,-2006.5 219,-2006.5"/> -<text text-anchor="middle" x="273" y="-2013.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseAndKernel</text> +<g id="a_node132"><a xlink:href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" target="_top" xlink:title="Interface for the cumulative distribution (cummulative summmation) calculation kernel. "> +<polygon fill="white" stroke="black" points="208,-1603 208,-1633 338,-1633 338,-1603 208,-1603"/> +<text text-anchor="start" x="216" y="-1621" font-family="Helvetica,sans-Serif" font-size="10.00">NECumulativeDistribution</text> +<text text-anchor="middle" x="273" y="-1610" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node132 --> <g id="edge131" class="edge"><title>Node84->Node132</title> -<path fill="none" stroke="midnightblue" d="M118.315,-1209.75C120.377,-1327.68 133.558,-1935.83 187,-1997 195.158,-2006.34 206.811,-2011.64 218.883,-2014.54"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.813,-1209.58 118.145,-1199.64 114.814,-1209.7 121.813,-1209.58"/> +<path fill="none" stroke="midnightblue" d="M118.527,-1190.83C120.922,-1265.96 133.131,-1532 187,-1593 192.702,-1599.46 199.977,-1604.28 207.863,-1607.89"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.025,-1190.71 118.232,-1180.82 115.029,-1190.92 122.025,-1190.71"/> </g> <!-- Node133 --> <g id="node133" class="node"><title>Node133</title> -<g id="a_node133"><a xlink:href="classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise NOT operation. "> -<polygon fill="white" stroke="black" points="219.5,-1968.5 219.5,-1987.5 326.5,-1987.5 326.5,-1968.5 219.5,-1968.5"/> -<text text-anchor="middle" x="273" y="-1975.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseNotKernel</text> +<g id="a_node133"><a xlink:href="classarm__compute_1_1_n_e_derivative_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the derivative along the X/Y directions on a tensor. "> +<polygon fill="white" stroke="black" points="221.5,-1564.5 221.5,-1583.5 324.5,-1583.5 324.5,-1564.5 221.5,-1564.5"/> +<text text-anchor="middle" x="273" y="-1571.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDerivativeKernel</text> </a> </g> </g> <!-- Node84->Node133 --> <g id="edge132" class="edge"><title>Node84->Node133</title> -<path fill="none" stroke="midnightblue" d="M118.406,-1209.88C120.934,-1324.81 136.092,-1900.98 187,-1959 195.277,-1968.43 207.122,-1973.75 219.352,-1976.62"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.902,-1209.64 118.19,-1199.71 114.904,-1209.78 121.902,-1209.64"/> +<path fill="none" stroke="midnightblue" d="M118.758,-1190.94C121.874,-1262.05 136.046,-1501.85 187,-1555 196,-1564.39 208.545,-1569.61 221.239,-1572.41"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.244,-1190.54 118.336,-1180.69 115.25,-1190.82 122.244,-1190.54"/> </g> <!-- Node134 --> <g id="node134" class="node"><title>Node134</title> -<g id="a_node134"><a xlink:href="classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise inclusive OR between two tensors. "> -<polygon fill="white" stroke="black" points="222.5,-1930.5 222.5,-1949.5 323.5,-1949.5 323.5,-1930.5 222.5,-1930.5"/> -<text text-anchor="middle" x="273" y="-1937.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseOrKernel</text> +<g id="a_node134"><a xlink:href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Non-Maxima suppression for Canny Edge. "> +<polygon fill="white" stroke="black" points="187,-1526.5 187,-1545.5 359,-1545.5 359,-1526.5 187,-1526.5"/> +<text text-anchor="middle" x="273" y="-1533.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEdgeNonMaxSuppressionKernel</text> </a> </g> </g> <!-- Node84->Node134 --> <g id="edge133" class="edge"><title>Node84->Node134</title> -<path fill="none" stroke="midnightblue" d="M118.505,-1209.93C121.515,-1321.56 138.611,-1866.11 187,-1921 195.999,-1931.21 209.176,-1936.59 222.482,-1939.27"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.999,-1209.65 118.238,-1199.75 115.002,-1209.84 121.999,-1209.65"/> +<path fill="none" stroke="midnightblue" d="M119.196,-1191.08C123.577,-1257.7 140.962,-1469.89 187,-1517 190.699,-1520.79 194.975,-1523.89 199.602,-1526.43"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.666,-1190.48 118.544,-1180.72 115.679,-1190.92 122.666,-1190.48"/> </g> <!-- Node135 --> <g id="node135" class="node"><title>Node135</title> -<g id="a_node135"><a xlink:href="classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform bitwise exclusive OR (XOR) between two tensors. "> -<polygon fill="white" stroke="black" points="220,-1892.5 220,-1911.5 326,-1911.5 326,-1892.5 220,-1892.5"/> -<text text-anchor="middle" x="273" y="-1899.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBitwiseXorKernel</text> +<g id="a_node135"><a xlink:href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Edge tracing. "> +<polygon fill="white" stroke="black" points="220,-1488.5 220,-1507.5 326,-1507.5 326,-1488.5 220,-1488.5"/> +<text text-anchor="middle" x="273" y="-1495.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEdgeTraceKernel</text> </a> </g> </g> <!-- Node84->Node135 --> <g id="edge134" class="edge"><title>Node84->Node135</title> -<path fill="none" stroke="midnightblue" d="M118.613,-1209.9C122.119,-1317.95 141.113,-1831.21 187,-1883 195.424,-1892.51 207.471,-1897.82 219.857,-1900.67"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.106,-1209.63 118.291,-1199.74 115.11,-1209.85 122.106,-1209.63"/> +<path fill="none" stroke="midnightblue" d="M119.71,-1190.84C125.408,-1252.29 145.765,-1437.78 187,-1479 195.77,-1487.77 207.642,-1492.87 219.73,-1495.75"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.169,-1190.23 118.789,-1180.58 116.197,-1190.85 123.169,-1190.23"/> </g> <!-- Node136 --> <g id="node136" class="node"><title>Node136</title> -<g id="a_node136"><a xlink:href="classarm__compute_1_1_n_e_channel_combine_kernel.xhtml" target="_top" xlink:title="Interface for the channel combine kernel. "> -<polygon fill="white" stroke="black" points="206,-1854.5 206,-1873.5 340,-1873.5 340,-1854.5 206,-1854.5"/> -<text text-anchor="middle" x="273" y="-1861.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelCombineKernel</text> +<g id="a_node136"><a xlink:href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform fast corners. "> +<polygon fill="white" stroke="black" points="216.5,-1450.5 216.5,-1469.5 329.5,-1469.5 329.5,-1450.5 216.5,-1450.5"/> +<text text-anchor="middle" x="273" y="-1457.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFastCornersKernel</text> </a> </g> </g> <!-- Node84->Node136 --> <g id="edge135" class="edge"><title>Node84->Node136</title> -<path fill="none" stroke="midnightblue" d="M118.742,-1210.11C122.791,-1314.99 143.646,-1796.35 187,-1845 192.131,-1850.76 198.591,-1854.97 205.647,-1858.04"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.233,-1209.8 118.357,-1199.94 115.238,-1210.07 122.233,-1209.8"/> +<path fill="none" stroke="midnightblue" d="M120.348,-1190.57C127.459,-1246.56 150.534,-1405.62 187,-1441 195.031,-1448.79 205.522,-1453.67 216.379,-1456.66"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.809,-1190.03 119.107,-1180.54 116.862,-1190.89 123.809,-1190.03"/> </g> <!-- Node137 --> <g id="node137" class="node"><title>Node137</title> -<g id="a_node137"><a xlink:href="classarm__compute_1_1_n_e_col2_im_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform col2im reshaping. "> -<polygon fill="white" stroke="black" points="228,-1816.5 228,-1835.5 318,-1835.5 318,-1816.5 228,-1816.5"/> -<text text-anchor="middle" x="273" y="-1823.5" font-family="Helvetica,sans-Serif" font-size="10.00">NECol2ImKernel</text> +<g id="a_node137"><a xlink:href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml" target="_top" xlink:title="This kernel adds all texels greater than or equal to the threshold value to the keypoint array..."> +<polygon fill="white" stroke="black" points="225.5,-1412.5 225.5,-1431.5 320.5,-1431.5 320.5,-1412.5 225.5,-1412.5"/> +<text text-anchor="middle" x="273" y="-1419.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillArrayKernel</text> </a> </g> </g> <!-- Node84->Node137 --> <g id="edge136" class="edge"><title>Node84->Node137</title> -<path fill="none" stroke="midnightblue" d="M118.869,-1209.88C123.446,-1310.59 146.114,-1761.42 187,-1807 197.298,-1818.48 212.884,-1823.83 227.909,-1826.11"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.363,-1209.68 118.42,-1199.84 115.37,-1209.99 122.363,-1209.68"/> +<path fill="none" stroke="midnightblue" d="M117.637,-1190.85C117.962,-1235.72 125.387,-1345.51 187,-1403 197.392,-1412.7 211.613,-1417.83 225.449,-1420.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="121.138,-1190.7 117.682,-1180.69 114.138,-1190.67 121.138,-1190.7"/> </g> <!-- Node138 --> <g id="node138" class="node"><title>Node138</title> -<g id="a_node138"><a xlink:href="classarm__compute_1_1_n_e_color_convert_kernel.xhtml" target="_top" xlink:title="Interface for the color convert kernel. "> -<polygon fill="white" stroke="black" points="215,-1778.5 215,-1797.5 331,-1797.5 331,-1778.5 215,-1778.5"/> -<text text-anchor="middle" x="273" y="-1785.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEColorConvertKernel</text> +<g id="a_node138"><a xlink:href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to fill borders. "> +<polygon fill="white" stroke="black" points="223,-1374.5 223,-1393.5 323,-1393.5 323,-1374.5 223,-1374.5"/> +<text text-anchor="middle" x="273" y="-1381.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillBorderKernel</text> </a> </g> </g> <!-- Node84->Node138 --> <g id="edge137" class="edge"><title>Node84->Node138</title> -<path fill="none" stroke="midnightblue" d="M119.02,-1209.85C124.172,-1306.69 148.605,-1726.5 187,-1769 194.299,-1777.08 204.216,-1782.12 214.701,-1785.18"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.506,-1209.5 118.488,-1199.69 115.516,-1209.86 122.506,-1209.5"/> +<path fill="none" stroke="midnightblue" d="M119.006,-1191.06C122.118,-1230.63 134.861,-1318.85 187,-1365 196.851,-1373.72 209.824,-1378.71 222.658,-1381.49"/> +<polygon fill="midnightblue" stroke="midnightblue" points="122.483,-1190.61 118.337,-1180.86 115.498,-1191.07 122.483,-1190.61"/> </g> <!-- Node139 --> <g id="node139" class="node"><title>Node139</title> -<g id="a_node139"><a xlink:href="classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform reshaping on the weights used by convolution layer. "> -<polygon fill="white" stroke="black" points="201.5,-1729 201.5,-1759 344.5,-1759 344.5,-1729 201.5,-1729"/> -<text text-anchor="start" x="209.5" y="-1747" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionLayerWeights</text> -<text text-anchor="middle" x="273" y="-1736" font-family="Helvetica,sans-Serif" font-size="10.00">ReshapeKernel</text> +<g id="a_node139"><a xlink:href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to fill the interior borders. "> +<polygon fill="white" stroke="black" points="212,-1336.5 212,-1355.5 334,-1355.5 334,-1336.5 212,-1336.5"/> +<text text-anchor="middle" x="273" y="-1343.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillInnerBorderKernel</text> </a> </g> </g> <!-- Node84->Node139 --> <g id="edge138" class="edge"><title>Node84->Node139</title> -<path fill="none" stroke="midnightblue" d="M117.802,-1209.65C117.334,-1295.92 119.763,-1640.33 187,-1719 190.998,-1723.68 195.821,-1727.5 201.115,-1730.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.302,-1209.66 117.877,-1199.64 114.302,-1209.61 121.302,-1209.66"/> +<path fill="none" stroke="midnightblue" d="M120.93,-1190.82C126.964,-1224.27 144.011,-1291.73 187,-1327 194.131,-1332.85 202.689,-1336.99 211.59,-1339.91"/> +<polygon fill="midnightblue" stroke="midnightblue" points="124.37,-1190.17 119.285,-1180.87 117.464,-1191.31 124.37,-1190.17"/> </g> <!-- Node140 --> <g id="node140" class="node"><title>Node140</title> -<g id="a_node140"><a xlink:href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml" target="_top" xlink:title="Kernel for the running convolution on a rectangle matrix. "> -<polygon fill="white" stroke="black" points="195.5,-1690.5 195.5,-1709.5 350.5,-1709.5 350.5,-1690.5 195.5,-1690.5"/> -<text text-anchor="middle" x="273" y="-1697.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionRectangleKernel</text> +<g id="a_node140"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_top" xlink:title="NEON kernel to multiply matrices. "> +<polygon fill="white" stroke="black" points="200,-1287 200,-1317 346,-1317 346,-1287 200,-1287"/> +<text text-anchor="start" x="208" y="-1305" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMLowpMatrixMultiply</text> +<text text-anchor="middle" x="273" y="-1294" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node140 --> <g id="edge139" class="edge"><title>Node84->Node140</title> -<path fill="none" stroke="midnightblue" d="M117.899,-1209.9C117.897,-1292.95 122.186,-1610.76 187,-1681 190.487,-1684.78 194.546,-1687.89 198.965,-1690.44"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.399,-1209.8 117.922,-1199.79 114.399,-1209.79 121.399,-1209.8"/> +<path fill="none" stroke="midnightblue" d="M125.298,-1190.14C135.467,-1214.23 156.189,-1255.22 187,-1278 191.685,-1281.46 196.853,-1284.43 202.256,-1286.97"/> +<polygon fill="midnightblue" stroke="midnightblue" points="128.464,-1188.63 121.478,-1180.66 121.972,-1191.25 128.464,-1188.63"/> </g> <!-- Node141 --> <g id="node141" class="node"><title>Node141</title> -<g id="a_node141"><a xlink:href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml" target="_top" xlink:title="Interface for the cumulative distribution (cummulative summmation) calculation kernel. "> -<polygon fill="white" stroke="black" points="208,-1641 208,-1671 338,-1671 338,-1641 208,-1641"/> -<text text-anchor="start" x="216" y="-1659" font-family="Helvetica,sans-Serif" font-size="10.00">NECumulativeDistribution</text> -<text text-anchor="middle" x="273" y="-1648" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<g id="a_node141"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_top" xlink:title="NEON kernel to add a bias to each row of the input tensor. "> +<polygon fill="white" stroke="black" points="188,-1238 188,-1268 358,-1268 358,-1238 188,-1238"/> +<text text-anchor="start" x="196" y="-1256" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixAccumulateBiases</text> +<text text-anchor="middle" x="273" y="-1245" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node141 --> <g id="edge140" class="edge"><title>Node84->Node141</title> -<path fill="none" stroke="midnightblue" d="M118.382,-1210.2C120.261,-1288 130.865,-1566.99 187,-1631 192.68,-1637.48 199.942,-1642.32 207.823,-1645.92"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.874,-1209.79 118.157,-1199.87 114.876,-1209.94 121.874,-1209.79"/> +<path fill="none" stroke="midnightblue" d="M134.693,-1188.13C147.852,-1200.76 167.227,-1217.5 187,-1228 194.2,-1231.82 202.062,-1235.14 210.003,-1237.98"/> +<polygon fill="midnightblue" stroke="midnightblue" points="136.931,-1185.42 127.354,-1180.89 132.016,-1190.41 136.931,-1185.42"/> </g> <!-- Node142 --> <g id="node142" class="node"><title>Node142</title> -<g id="a_node142"><a xlink:href="classarm__compute_1_1_n_e_derivative_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the derivative along the X/Y directions on a tensor. "> -<polygon fill="white" stroke="black" points="221.5,-1602.5 221.5,-1621.5 324.5,-1621.5 324.5,-1602.5 221.5,-1602.5"/> -<text text-anchor="middle" x="273" y="-1609.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDerivativeKernel</text> +<g id="a_node142"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" target="_top" xlink:title="NEON kernel to multiply two input matrices "A" and "B". "> +<polygon fill="white" stroke="black" points="198,-1199.5 198,-1218.5 348,-1218.5 348,-1199.5 198,-1199.5"/> +<text text-anchor="middle" x="273" y="-1206.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixMultiplyKernel</text> </a> </g> </g> <!-- Node84->Node142 --> <g id="edge141" class="edge"><title>Node84->Node142</title> -<path fill="none" stroke="midnightblue" d="M118.574,-1209.97C121.099,-1283.37 133.606,-1536.85 187,-1593 195.961,-1602.42 208.494,-1607.66 221.188,-1610.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.067,-1209.68 118.25,-1199.8 115.07,-1209.9 122.067,-1209.68"/> +<path fill="none" stroke="midnightblue" d="M161.083,-1183.21C169.65,-1185.54 178.595,-1187.9 187,-1190 200.058,-1193.26 214.31,-1196.54 227.348,-1199.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="161.825,-1179.79 151.255,-1180.51 159.969,-1186.54 161.825,-1179.79"/> </g> <!-- Node143 --> <g id="node143" class="node"><title>Node143</title> -<g id="a_node143"><a xlink:href="classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Non-Maxima suppression for Canny Edge. "> -<polygon fill="white" stroke="black" points="187,-1564.5 187,-1583.5 359,-1583.5 359,-1564.5 187,-1564.5"/> -<text text-anchor="middle" x="273" y="-1571.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEdgeNonMaxSuppressionKernel</text> +<g id="a_node143"><a xlink:href="classarm__compute_1_1_n_e_gradient_kernel.xhtml" target="_top" xlink:title="Computes magnitude and quantised phase from inputs gradients. "> +<polygon fill="white" stroke="black" points="225.5,-1161.5 225.5,-1180.5 320.5,-1180.5 320.5,-1161.5 225.5,-1161.5"/> +<text text-anchor="middle" x="273" y="-1168.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGradientKernel</text> </a> </g> </g> <!-- Node84->Node143 --> <g id="edge142" class="edge"><title>Node84->Node143</title> -<path fill="none" stroke="midnightblue" d="M118.956,-1209.83C122.674,-1278.51 138.465,-1504.83 187,-1555 190.68,-1558.8 194.942,-1561.92 199.559,-1564.47"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.436,-1209.36 118.427,-1199.55 115.446,-1209.72 122.436,-1209.36"/> -</g> -<!-- Node144 --> -<g id="node144" class="node"><title>Node144</title> -<g id="a_node144"><a xlink:href="classarm__compute_1_1_n_e_edge_trace_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Edge tracing. "> -<polygon fill="white" stroke="black" points="220,-1526.5 220,-1545.5 326,-1545.5 326,-1526.5 220,-1526.5"/> -<text text-anchor="middle" x="273" y="-1533.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEEdgeTraceKernel</text> -</a> -</g> -</g> -<!-- Node84->Node144 --> -<g id="edge143" class="edge"><title>Node84->Node144</title> -<path fill="none" stroke="midnightblue" d="M119.427,-1209.8C124.435,-1273.69 143.33,-1472.8 187,-1517 195.715,-1525.82 207.568,-1530.94 219.655,-1533.82"/> -<polygon fill="midnightblue" stroke="midnightblue" points="122.893,-1209.22 118.65,-1199.51 115.913,-1209.75 122.893,-1209.22"/> +<path fill="none" stroke="midnightblue" d="M161.102,-1171C181.086,-1171 204.876,-1171 225.288,-1171"/> +<polygon fill="midnightblue" stroke="midnightblue" points="161.037,-1167.5 151.037,-1171 161.037,-1174.5 161.037,-1167.5"/> </g> <!-- Node145 --> <g id="node145" class="node"><title>Node145</title> -<g id="a_node145"><a xlink:href="classarm__compute_1_1_n_e_fast_corners_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform fast corners. "> -<polygon fill="white" stroke="black" points="216.5,-1488.5 216.5,-1507.5 329.5,-1507.5 329.5,-1488.5 216.5,-1488.5"/> -<text text-anchor="middle" x="273" y="-1495.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFastCornersKernel</text> +<g id="a_node145"><a xlink:href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_top" xlink:title="Interface for the histogram kernel. "> +<polygon fill="white" stroke="black" points="221,-1123.5 221,-1142.5 325,-1142.5 325,-1123.5 221,-1123.5"/> +<text text-anchor="middle" x="273" y="-1130.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogramKernel</text> </a> </g> </g> <!-- Node84->Node145 --> <g id="edge144" class="edge"><title>Node84->Node145</title> -<path fill="none" stroke="midnightblue" d="M120.017,-1209.77C126.416,-1268.58 148.167,-1440.72 187,-1479 194.969,-1486.85 205.434,-1491.76 216.285,-1494.76"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.473,-1209.17 118.941,-1199.59 116.512,-1209.9 123.473,-1209.17"/> +<path fill="none" stroke="midnightblue" d="M161.083,-1158.79C169.65,-1156.46 178.595,-1154.1 187,-1152 200.058,-1148.74 214.31,-1145.46 227.348,-1142.55"/> +<polygon fill="midnightblue" stroke="midnightblue" points="159.969,-1155.46 151.255,-1161.49 161.825,-1162.21 159.969,-1155.46"/> </g> <!-- Node146 --> <g id="node146" class="node"><title>Node146</title> -<g id="a_node146"><a xlink:href="classarm__compute_1_1_n_e_fill_array_kernel.xhtml" target="_top" xlink:title="This kernel adds all texels greater than or equal to the threshold value to the keypoint array..."> -<polygon fill="white" stroke="black" points="225.5,-1450.5 225.5,-1469.5 320.5,-1469.5 320.5,-1450.5 225.5,-1450.5"/> -<text text-anchor="middle" x="273" y="-1457.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillArrayKernel</text> +<g id="a_node146"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG block normalization. "> +<polygon fill="white" stroke="black" points="190,-1085.5 190,-1104.5 356,-1104.5 356,-1085.5 190,-1085.5"/> +<text text-anchor="middle" x="273" y="-1092.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGBlockNormalizationKernel</text> </a> </g> </g> <!-- Node84->Node146 --> <g id="edge145" class="edge"><title>Node84->Node146</title> -<path fill="none" stroke="midnightblue" d="M120.807,-1209.93C128.746,-1263.48 153.012,-1408.62 187,-1441 197.291,-1450.8 211.485,-1455.97 225.328,-1458.58"/> -<polygon fill="midnightblue" stroke="midnightblue" points="124.223,-1209.1 119.325,-1199.7 117.295,-1210.1 124.223,-1209.1"/> +<path fill="none" stroke="midnightblue" d="M134.052,-1153.93C147.114,-1141.05 166.659,-1123.96 187,-1114 194.877,-1110.14 203.548,-1107.06 212.249,-1104.6"/> +<polygon fill="midnightblue" stroke="midnightblue" points="131.32,-1151.72 126.807,-1161.3 136.313,-1156.62 131.32,-1151.72"/> </g> <!-- Node147 --> <g id="node147" class="node"><title>Node147</title> -<g id="a_node147"><a xlink:href="classarm__compute_1_1_n_e_fill_border_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to fill borders. "> -<polygon fill="white" stroke="black" points="223,-1412.5 223,-1431.5 323,-1431.5 323,-1412.5 223,-1412.5"/> -<text text-anchor="middle" x="273" y="-1419.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillBorderKernel</text> +<g id="a_node147"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG detector kernel using linear SVM. "> +<polygon fill="white" stroke="black" points="213.5,-1047.5 213.5,-1066.5 332.5,-1066.5 332.5,-1047.5 213.5,-1047.5"/> +<text text-anchor="middle" x="273" y="-1054.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGDetectorKernel</text> </a> </g> </g> <!-- Node84->Node147 --> <g id="edge146" class="edge"><title>Node84->Node147</title> -<path fill="none" stroke="midnightblue" d="M118.262,-1209.96C119.954,-1252.24 130.138,-1351.21 187,-1403 196.838,-1411.96 209.956,-1417 222.937,-1419.77"/> -<polygon fill="midnightblue" stroke="midnightblue" points="121.757,-1209.73 117.981,-1199.83 114.76,-1209.93 121.757,-1209.73"/> +<path fill="none" stroke="midnightblue" d="M126.476,-1152.17C137.31,-1130.34 158.174,-1094.94 187,-1076 194.962,-1070.77 204.153,-1066.96 213.485,-1064.2"/> +<polygon fill="midnightblue" stroke="midnightblue" points="123.22,-1150.87 122.091,-1161.41 129.543,-1153.87 123.22,-1150.87"/> </g> <!-- Node148 --> <g id="node148" class="node"><title>Node148</title> -<g id="a_node148"><a xlink:href="classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to fill the interior borders. "> -<polygon fill="white" stroke="black" points="212,-1374.5 212,-1393.5 334,-1393.5 334,-1374.5 212,-1374.5"/> -<text text-anchor="middle" x="273" y="-1381.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEFillInnerBorderKernel</text> +<g id="a_node148"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for HO..."> +<polygon fill="white" stroke="black" points="193,-998 193,-1028 353,-1028 353,-998 193,-998"/> +<text text-anchor="start" x="201" y="-1016" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGNonMaximaSuppression</text> +<text text-anchor="middle" x="273" y="-1005" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node148 --> <g id="edge147" class="edge"><title>Node84->Node148</title> -<path fill="none" stroke="midnightblue" d="M119.897,-1210.1C124.472,-1246.76 139.523,-1324.39 187,-1365 194.125,-1371.09 202.784,-1375.35 211.816,-1378.3"/> -<polygon fill="midnightblue" stroke="midnightblue" points="123.329,-1209.3 118.751,-1199.74 116.371,-1210.07 123.329,-1209.3"/> +<path fill="none" stroke="midnightblue" d="M122.834,-1151.53C131.049,-1122.49 150.506,-1068.07 187,-1038 191.749,-1034.09 197.089,-1030.79 202.719,-1028"/> +<polygon fill="midnightblue" stroke="midnightblue" points="119.421,-1150.74 120.224,-1161.3 126.184,-1152.55 119.421,-1150.74"/> </g> <!-- Node149 --> <g id="node149" class="node"><title>Node149</title> -<g id="a_node149"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml" target="_top" xlink:title="NEON kernel to multiply matrices. "> -<polygon fill="white" stroke="black" points="200,-1325 200,-1355 346,-1355 346,-1325 200,-1325"/> -<text text-anchor="start" x="208" y="-1343" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMLowpMatrixMultiply</text> -<text text-anchor="middle" x="273" y="-1332" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<g id="a_node149"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG Orientation Binning. "> +<polygon fill="white" stroke="black" points="192.5,-959.5 192.5,-978.5 353.5,-978.5 353.5,-959.5 192.5,-959.5"/> +<text text-anchor="middle" x="273" y="-966.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGOrientationBinningKernel</text> </a> </g> </g> <!-- Node84->Node149 --> <g id="edge148" class="edge"><title>Node84->Node149</title> -<path fill="none" stroke="midnightblue" d="M123.334,-1209.28C132.015,-1237.05 151.863,-1288.02 187,-1316 191.318,-1319.44 196.103,-1322.38 201.138,-1324.91"/> -<polygon fill="midnightblue" stroke="midnightblue" points="126.651,-1208.16 120.458,-1199.56 119.938,-1210.14 126.651,-1208.16"/> +<path fill="none" stroke="midnightblue" d="M119.567,-1151.19C123.64,-1113.63 137.95,-1032 187,-989 191.902,-984.703 197.555,-981.285 203.569,-978.572"/> +<polygon fill="midnightblue" stroke="midnightblue" points="116.065,-1151.05 118.605,-1161.34 123.033,-1151.71 116.065,-1151.05"/> </g> <!-- Node150 --> <g id="node150" class="node"><title>Node150</title> -<g id="a_node150"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml" target="_top" xlink:title="NEON kernel to add a bias to each row of the input tensor. "> -<polygon fill="white" stroke="black" points="188,-1276 188,-1306 358,-1306 358,-1276 188,-1276"/> -<text text-anchor="start" x="196" y="-1294" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixAccumulateBiases</text> -<text text-anchor="middle" x="273" y="-1283" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<g id="a_node150"><a xlink:href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_top" xlink:title="Interface for the im2col reshape kernel. "> +<polygon fill="white" stroke="black" points="228,-921.5 228,-940.5 318,-940.5 318,-921.5 228,-921.5"/> +<text text-anchor="middle" x="273" y="-928.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEIm2ColKernel</text> </a> </g> </g> <!-- Node84->Node150 --> <g id="edge149" class="edge"><title>Node84->Node150</title> -<path fill="none" stroke="midnightblue" d="M130.155,-1208.38C142.507,-1225.67 163.174,-1251.07 187,-1266 193.126,-1269.84 199.867,-1273.11 206.792,-1275.9"/> -<polygon fill="midnightblue" stroke="midnightblue" points="132.743,-1205.97 124.182,-1199.73 126.983,-1209.95 132.743,-1205.97"/> +<path fill="none" stroke="midnightblue" d="M117.983,-1151.2C119.081,-1107.87 128.091,-1004.23 187,-950 198.014,-939.861 213.221,-934.723 227.731,-932.233"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.482,-1151.24 117.848,-1161.29 121.482,-1151.34 114.482,-1151.24"/> </g> <!-- Node151 --> <g id="node151" class="node"><title>Node151</title> -<g id="a_node151"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml" target="_top" xlink:title="NEON kernel to multiply two input matrices "A" and "B". "> -<polygon fill="white" stroke="black" points="198,-1237.5 198,-1256.5 348,-1256.5 348,-1237.5 198,-1237.5"/> -<text text-anchor="middle" x="273" y="-1244.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixMultiplyKernel</text> +<g id="a_node151"><a xlink:href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_top" xlink:title="Interface for the Lucas-Kanade tracker kernel. "> +<polygon fill="white" stroke="black" points="221,-883.5 221,-902.5 325,-902.5 325,-883.5 221,-883.5"/> +<text text-anchor="middle" x="273" y="-890.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELKTrackerKernel</text> </a> </g> </g> <!-- Node84->Node151 --> <g id="edge150" class="edge"><title>Node84->Node151</title> -<path fill="none" stroke="midnightblue" d="M141.238,-1204.97C154.259,-1212.79 171.046,-1221.96 187,-1228 196.9,-1231.75 207.741,-1234.86 218.269,-1237.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="142.837,-1201.84 132.488,-1199.58 139.165,-1207.8 142.837,-1201.84"/> +<path fill="none" stroke="midnightblue" d="M120.614,-1151.15C128.21,-1096.5 151.984,-945.627 187,-912 196.161,-903.202 208.462,-898.132 220.856,-895.291"/> +<polygon fill="midnightblue" stroke="midnightblue" points="117.116,-1150.9 119.24,-1161.28 124.053,-1151.84 117.116,-1150.9"/> </g> <!-- Node152 --> <g id="node152" class="node"><title>Node152</title> -<g id="a_node152"><a xlink:href="classarm__compute_1_1_n_e_gradient_kernel.xhtml" target="_top" xlink:title="Computes magnitude and quantised phase from inputs gradients. "> -<polygon fill="white" stroke="black" points="225.5,-1199.5 225.5,-1218.5 320.5,-1218.5 320.5,-1199.5 225.5,-1199.5"/> -<text text-anchor="middle" x="273" y="-1206.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGradientKernel</text> +<g id="a_node152"><a xlink:href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_top" xlink:title="Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by..."> +<polygon fill="white" stroke="black" points="212,-845.5 212,-864.5 334,-864.5 334,-845.5 212,-845.5"/> +<text text-anchor="middle" x="273" y="-852.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DNormKernel</text> </a> </g> </g> <!-- Node84->Node152 --> <g id="edge151" class="edge"><title>Node84->Node152</title> -<path fill="none" stroke="midnightblue" d="M161.102,-1195.32C181.086,-1197.78 204.876,-1200.72 225.288,-1203.24"/> -<polygon fill="midnightblue" stroke="midnightblue" points="161.39,-1191.83 151.037,-1194.08 160.533,-1198.77 161.39,-1191.83"/> +<path fill="none" stroke="midnightblue" d="M119.856,-1151.46C125.921,-1091.79 147.098,-913.57 187,-874 193.872,-867.186 202.62,-862.591 211.877,-859.532"/> +<polygon fill="midnightblue" stroke="midnightblue" points="116.369,-1151.16 118.871,-1161.46 123.335,-1151.85 116.369,-1151.16"/> +</g> +<!-- Node153 --> +<g id="node153" class="node"><title>Node153</title> +<g id="a_node153"><a xlink:href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_top" xlink:title="Interface for shifting the logits values around the max value and exponentiating the result..."> +<polygon fill="white" stroke="black" points="195.5,-807.5 195.5,-826.5 350.5,-826.5 350.5,-807.5 195.5,-807.5"/> +<text text-anchor="middle" x="273" y="-814.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DShiftExpSumKernel</text> +</a> +</g> +</g> +<!-- Node84->Node153 --> +<g id="edge152" class="edge"><title>Node84->Node153</title> +<path fill="none" stroke="midnightblue" d="M119.324,-1151.13C124.061,-1086.13 142.323,-881.433 187,-836 190.711,-832.226 194.996,-829.13 199.628,-826.595"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.822,-1151.04 118.614,-1161.26 122.805,-1151.53 115.822,-1151.04"/> </g> <!-- Node154 --> <g id="node154" class="node"><title>Node154</title> -<g id="a_node154"><a xlink:href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml" target="_top" xlink:title="Interface for the histogram border handling kernel. "> -<polygon fill="white" stroke="black" points="207,-1161.5 207,-1180.5 339,-1180.5 339,-1161.5 207,-1161.5"/> -<text text-anchor="middle" x="273" y="-1168.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogramBorderKernel</text> +<g id="a_node154"><a xlink:href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute magnitude and phase. "> +<polygon fill="white" stroke="black" points="195.5,-758 195.5,-788 350.5,-788 350.5,-758 195.5,-758"/> +<text text-anchor="start" x="203.5" y="-776" font-family="Helvetica,sans-Serif" font-size="10.00">NEMagnitudePhaseFP16Kernel</text> +<text text-anchor="middle" x="273" y="-765" font-family="Helvetica,sans-Serif" font-size="10.00">< mag_type, phase_type ></text> </a> </g> </g> <!-- Node84->Node154 --> <g id="edge153" class="edge"><title>Node84->Node154</title> -<path fill="none" stroke="midnightblue" d="M160.979,-1184.7C175.15,-1182.95 191.245,-1180.96 206.697,-1179.06"/> -<polygon fill="midnightblue" stroke="midnightblue" points="160.533,-1181.23 151.037,-1185.92 161.39,-1188.17 160.533,-1181.23"/> +<path fill="none" stroke="midnightblue" d="M118.988,-1151.29C122.853,-1082.01 139.163,-851.044 187,-798 190.503,-794.116 194.574,-790.823 199.002,-788.032"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.492,-1151.12 118.455,-1161.3 122.482,-1151.5 115.492,-1151.12"/> </g> <!-- Node155 --> <g id="node155" class="node"><title>Node155</title> -<g id="a_node155"><a xlink:href="classarm__compute_1_1_n_e_histogram_kernel.xhtml" target="_top" xlink:title="Interface for the histogram kernel. "> -<polygon fill="white" stroke="black" points="221,-1123.5 221,-1142.5 325,-1142.5 325,-1123.5 221,-1123.5"/> -<text text-anchor="middle" x="273" y="-1130.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHistogramKernel</text> +<g id="a_node155"><a xlink:href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute magnitude and phase. "> +<polygon fill="white" stroke="black" points="206,-709 206,-739 340,-739 340,-709 206,-709"/> +<text text-anchor="start" x="214" y="-727" font-family="Helvetica,sans-Serif" font-size="10.00">NEMagnitudePhaseKernel</text> +<text text-anchor="middle" x="273" y="-716" font-family="Helvetica,sans-Serif" font-size="10.00">< mag_type, phase_type ></text> </a> </g> </g> <!-- Node84->Node155 --> <g id="edge154" class="edge"><title>Node84->Node155</title> -<path fill="none" stroke="midnightblue" d="M141.238,-1175.03C154.259,-1167.21 171.046,-1158.04 187,-1152 197.749,-1147.93 209.607,-1144.61 220.968,-1141.94"/> -<polygon fill="midnightblue" stroke="midnightblue" points="139.165,-1172.2 132.488,-1180.42 142.837,-1178.16 139.165,-1172.2"/> +<path fill="none" stroke="midnightblue" d="M118.527,-1151.17C120.922,-1076.04 133.131,-809.999 187,-749 192.193,-743.12 198.69,-738.59 205.766,-735.107"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.029,-1151.08 118.232,-1161.18 122.025,-1151.29 115.029,-1151.08"/> </g> <!-- Node156 --> <g id="node156" class="node"><title>Node156</title> -<g id="a_node156"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG block normalization. "> -<polygon fill="white" stroke="black" points="190,-1085.5 190,-1104.5 356,-1104.5 356,-1085.5 190,-1085.5"/> -<text text-anchor="middle" x="273" y="-1092.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGBlockNormalizationKernel</text> +<g id="a_node156"><a xlink:href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to calculate mean and standard deviation of input image pixels. "> +<polygon fill="white" stroke="black" points="215,-670.5 215,-689.5 331,-689.5 331,-670.5 215,-670.5"/> +<text text-anchor="middle" x="273" y="-677.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMeanStdDevKernel</text> </a> </g> </g> <!-- Node84->Node156 --> <g id="edge155" class="edge"><title>Node84->Node156</title> -<path fill="none" stroke="midnightblue" d="M129.748,-1171.55C141.918,-1153.99 162.564,-1128.21 187,-1114 193.666,-1110.12 201.05,-1107.04 208.601,-1104.58"/> -<polygon fill="midnightblue" stroke="midnightblue" points="126.528,-1170.07 123.889,-1180.33 132.351,-1173.95 126.528,-1170.07"/> +<path fill="none" stroke="midnightblue" d="M118.053,-1150.91C118.685,-1069.75 125.214,-767.317 187,-700 194.381,-691.959 204.333,-686.858 214.828,-683.681"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.551,-1151.2 117.996,-1161.22 121.551,-1151.24 114.551,-1151.2"/> </g> <!-- Node157 --> <g id="node157" class="node"><title>Node157</title> -<g id="a_node157"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG detector kernel using linear SVM. "> -<polygon fill="white" stroke="black" points="213.5,-1047.5 213.5,-1066.5 332.5,-1066.5 332.5,-1047.5 213.5,-1047.5"/> -<text text-anchor="middle" x="273" y="-1054.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGDetectorKernel</text> +<g id="a_node157"><a xlink:href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform min max search on an image. "> +<polygon fill="white" stroke="black" points="226.5,-632.5 226.5,-651.5 319.5,-651.5 319.5,-632.5 226.5,-632.5"/> +<text text-anchor="middle" x="273" y="-639.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxKernel</text> </a> </g> </g> <!-- Node84->Node157 --> <g id="edge156" class="edge"><title>Node84->Node157</title> -<path fill="none" stroke="midnightblue" d="M124.337,-1170.47C133.751,-1144.67 153.961,-1099.75 187,-1076 194.735,-1070.44 203.811,-1066.47 213.1,-1063.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="120.92,-1169.64 120.958,-1180.23 127.535,-1171.93 120.92,-1169.64"/> +<path fill="none" stroke="midnightblue" d="M117.784,-1151.15C117.278,-1066.2 119.701,-734.31 187,-661 197.021,-650.084 211.826,-644.741 226.284,-642.304"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.285,-1151.28 117.866,-1161.25 121.285,-1151.22 114.285,-1151.28"/> </g> <!-- Node158 --> <g id="node158" class="node"><title>Node158</title> -<g id="a_node158"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform in-place computation of euclidean distance based non-maxima suppression for HO..."> -<polygon fill="white" stroke="black" points="193,-998 193,-1028 353,-1028 353,-998 193,-998"/> -<text text-anchor="start" x="201" y="-1016" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGNonMaximaSuppression</text> -<text text-anchor="middle" x="273" y="-1005" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<g id="a_node158"><a xlink:href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to find min max locations of an image. "> +<polygon fill="white" stroke="black" points="208,-594.5 208,-613.5 338,-613.5 338,-594.5 208,-594.5"/> +<text text-anchor="middle" x="273" y="-601.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxLocationKernel</text> </a> </g> </g> <!-- Node84->Node158 --> <g id="edge157" class="edge"><title>Node84->Node158</title> -<path fill="none" stroke="midnightblue" d="M121.522,-1170.08C128.311,-1137.62 146.297,-1073.37 187,-1038 191.412,-1034.17 196.388,-1030.92 201.661,-1028.17"/> -<polygon fill="midnightblue" stroke="midnightblue" points="118.039,-1169.66 119.569,-1180.14 124.911,-1170.99 118.039,-1169.66"/> +<path fill="none" stroke="midnightblue" d="M117.581,-1151.38C116.108,-1062.98 114.681,-702.511 187,-623 192.698,-616.736 199.97,-612.303 207.855,-609.2"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.082,-1151.46 117.769,-1161.39 121.08,-1151.33 114.082,-1151.46"/> </g> <!-- Node159 --> <g id="node159" class="node"><title>Node159</title> -<g id="a_node159"><a xlink:href="classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform HOG Orientation Binning. "> -<polygon fill="white" stroke="black" points="192.5,-959.5 192.5,-978.5 353.5,-978.5 353.5,-959.5 192.5,-959.5"/> -<text text-anchor="middle" x="273" y="-966.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEHOGOrientationBinningKernel</text> +<g id="a_node159"><a xlink:href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to apply a non-linear filter. "> +<polygon fill="white" stroke="black" points="210.5,-556.5 210.5,-575.5 335.5,-575.5 335.5,-556.5 210.5,-556.5"/> +<text text-anchor="middle" x="273" y="-563.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENonLinearFilterKernel</text> </a> </g> </g> <!-- Node84->Node159 --> <g id="edge158" class="edge"><title>Node84->Node159</title> -<path fill="none" stroke="midnightblue" d="M118.754,-1170.11C121.409,-1129.67 133.357,-1037.55 187,-989 191.721,-984.727 197.18,-981.318 203.01,-978.605"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.25,-1170.11 118.217,-1180.28 122.24,-1170.48 115.25,-1170.11"/> +<path fill="none" stroke="midnightblue" d="M119.003,-1150.91C124.073,-1052.9 148.177,-628.03 187,-585 193.28,-578.039 201.504,-573.336 210.362,-570.204"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.493,-1151.02 118.479,-1161.19 122.483,-1151.38 115.493,-1151.02"/> </g> <!-- Node160 --> <g id="node160" class="node"><title>Node160</title> -<g id="a_node160"><a xlink:href="classarm__compute_1_1_n_e_im2_col_kernel.xhtml" target="_top" xlink:title="Interface for the im2col reshape kernel. "> -<polygon fill="white" stroke="black" points="228,-921.5 228,-940.5 318,-940.5 318,-921.5 228,-921.5"/> -<text text-anchor="middle" x="273" y="-928.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEIm2ColKernel</text> +<g id="a_node160"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_top" xlink:title="Interface to perform Non-Maxima suppression over a 3x3 window using NEON. "> +<polygon fill="white" stroke="black" points="196.5,-507 196.5,-537 349.5,-537 349.5,-507 196.5,-507"/> +<text text-anchor="start" x="204.5" y="-525" font-family="Helvetica,sans-Serif" font-size="10.00">NENonMaximaSuppression3x3</text> +<text text-anchor="middle" x="273" y="-514" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node160 --> <g id="edge159" class="edge"><title>Node84->Node160</title> -<path fill="none" stroke="midnightblue" d="M117.404,-1170.41C117.149,-1124.63 123.278,-1010.01 187,-950 197.898,-939.737 213.079,-934.57 227.601,-932.093"/> -<polygon fill="midnightblue" stroke="midnightblue" points="113.906,-1170.55 117.576,-1180.49 120.905,-1170.43 113.906,-1170.55"/> -</g> -<!-- Node161 --> -<g id="node161" class="node"><title>Node161</title> -<g id="a_node161"><a xlink:href="classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml" target="_top" xlink:title="Interface for the Lucas-Kanade tracker kernel. "> -<polygon fill="white" stroke="black" points="221,-883.5 221,-902.5 325,-902.5 325,-883.5 221,-883.5"/> -<text text-anchor="middle" x="273" y="-890.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELKTrackerKernel</text> -</a> -</g> -</g> -<!-- Node84->Node161 --> -<g id="edge160" class="edge"><title>Node84->Node161</title> -<path fill="none" stroke="midnightblue" d="M120.216,-1170.24C127.04,-1112.96 149.561,-948.574 187,-912 196.086,-903.124 208.361,-898.027 220.754,-895.185"/> -<polygon fill="midnightblue" stroke="midnightblue" points="116.705,-1170.14 119.03,-1180.48 123.658,-1170.95 116.705,-1170.14"/> +<path fill="none" stroke="midnightblue" d="M118.911,-1150.94C123.697,-1049.34 147.232,-594.461 187,-547 190.26,-543.109 194.092,-539.806 198.295,-537.004"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.408,-1150.92 118.441,-1161.07 122.401,-1151.24 115.408,-1150.92"/> </g> <!-- Node162 --> <g id="node162" class="node"><title>Node162</title> -<g id="a_node162"><a xlink:href="classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml" target="_top" xlink:title="Interface for calculating the final step of the Softmax Layer where each logit value is multiplied by..."> -<polygon fill="white" stroke="black" points="212,-845.5 212,-864.5 334,-864.5 334,-845.5 212,-845.5"/> -<text text-anchor="middle" x="273" y="-852.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DNormKernel</text> +<g id="a_node162"><a xlink:href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_top" xlink:title="Interface for the normalization layer kernel. "> +<polygon fill="white" stroke="black" points="201.5,-468.5 201.5,-487.5 344.5,-487.5 344.5,-468.5 201.5,-468.5"/> +<text text-anchor="middle" x="273" y="-475.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENormalizationLayerKernel</text> </a> </g> </g> <!-- Node84->Node162 --> <g id="edge161" class="edge"><title>Node84->Node162</title> -<path fill="none" stroke="midnightblue" d="M119.563,-1170.45C124.933,-1108.25 144.678,-916.531 187,-874 193.826,-867.14 202.552,-862.523 211.8,-859.455"/> -<polygon fill="midnightblue" stroke="midnightblue" points="116.069,-1170.24 118.725,-1180.49 123.044,-1170.82 116.069,-1170.24"/> +<path fill="none" stroke="midnightblue" d="M118.688,-1151.03C122.524,-1044.73 142.724,-548.387 187,-498 191.003,-493.445 195.83,-489.825 201.126,-486.959"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.18,-1151.18 118.325,-1161.29 122.176,-1151.42 115.18,-1151.18"/> </g> <!-- Node163 --> <g id="node163" class="node"><title>Node163</title> -<g id="a_node163"><a xlink:href="classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml" target="_top" xlink:title="Interface for shifting the logits values around the max value and exponentiating the result..."> -<polygon fill="white" stroke="black" points="195.5,-807.5 195.5,-826.5 350.5,-826.5 350.5,-807.5 195.5,-807.5"/> -<text text-anchor="middle" x="273" y="-814.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DShiftExpSumKernel</text> +<g id="a_node163"><a xlink:href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform addition between two tensors. "> +<polygon fill="white" stroke="black" points="207,-419 207,-449 339,-449 339,-419 207,-419"/> +<text text-anchor="start" x="215" y="-437" font-family="Helvetica,sans-Serif" font-size="10.00">NEPixelWiseMultiplication</text> +<text text-anchor="middle" x="273" y="-426" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node84->Node163 --> <g id="edge162" class="edge"><title>Node84->Node163</title> -<path fill="none" stroke="midnightblue" d="M119.073,-1170.33C123.141,-1103.17 139.842,-884.469 187,-836 190.691,-832.207 194.961,-829.096 199.583,-826.551"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.574,-1170.21 118.491,-1180.4 122.562,-1170.62 115.574,-1170.21"/> +<path fill="none" stroke="midnightblue" d="M118.622,-1150.96C122.207,-1040.98 141.676,-513.84 187,-459 192.292,-452.597 199.133,-447.784 206.635,-444.173"/> +<polygon fill="midnightblue" stroke="midnightblue" points="115.114,-1151.17 118.293,-1161.27 122.11,-1151.39 115.114,-1151.17"/> </g> <!-- Node164 --> <g id="node164" class="node"><title>Node164</title> -<g id="a_node164"><a xlink:href="classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute magnitude and phase. "> -<polygon fill="white" stroke="black" points="195.5,-758 195.5,-788 350.5,-788 350.5,-758 195.5,-758"/> -<text text-anchor="start" x="203.5" y="-776" font-family="Helvetica,sans-Serif" font-size="10.00">NEMagnitudePhaseFP16Kernel</text> -<text text-anchor="middle" x="273" y="-765" font-family="Helvetica,sans-Serif" font-size="10.00">< mag_type, phase_type ></text> +<g id="a_node164"><a xlink:href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_top" xlink:title="Interface for the pooling layer kernel. "> +<polygon fill="white" stroke="black" points="215.5,-380.5 215.5,-399.5 330.5,-399.5 330.5,-380.5 215.5,-380.5"/> +<text text-anchor="middle" x="273" y="-387.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEPoolingLayerKernel</text> </a> </g> </g> <!-- Node84->Node164 --> <g id="edge163" class="edge"><title>Node84->Node164</title> -<path fill="none" stroke="midnightblue" d="M118.819,-1169.77C122.142,-1097.58 136.938,-853.998 187,-798 190.383,-794.216 194.306,-790.992 198.575,-788.246"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.304,-1170.03 118.366,-1180.17 122.298,-1170.33 115.304,-1170.03"/> +<path fill="none" stroke="midnightblue" d="M118.431,-1151.33C121.098,-1037.65 136.912,-467.68 187,-410 194.355,-401.53 204.561,-396.285 215.354,-393.109"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.931,-1151.32 118.202,-1161.39 121.929,-1151.47 114.931,-1151.32"/> </g> <!-- Node165 --> <g id="node165" class="node"><title>Node165</title> -<g id="a_node165"><a xlink:href="classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute magnitude and phase. "> -<polygon fill="white" stroke="black" points="206,-709 206,-739 340,-739 340,-709 206,-709"/> -<text text-anchor="start" x="214" y="-727" font-family="Helvetica,sans-Serif" font-size="10.00">NEMagnitudePhaseKernel</text> -<text text-anchor="middle" x="273" y="-716" font-family="Helvetica,sans-Serif" font-size="10.00">< mag_type, phase_type ></text> +<g id="a_node165"><a xlink:href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a remap on a tensor. "> +<polygon fill="white" stroke="black" points="228,-342.5 228,-361.5 318,-361.5 318,-342.5 228,-342.5"/> +<text text-anchor="middle" x="273" y="-349.5" font-family="Helvetica,sans-Serif" font-size="10.00">NERemapKernel</text> </a> </g> </g> <!-- Node84->Node165 --> <g id="edge164" class="edge"><title>Node84->Node165</title> -<path fill="none" stroke="midnightblue" d="M118.382,-1169.8C120.261,-1092 130.865,-813.007 187,-749 192.173,-743.102 198.658,-738.562 205.727,-735.073"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.876,-1170.06 118.157,-1180.13 121.874,-1170.21 114.876,-1170.06"/> +<path fill="none" stroke="midnightblue" d="M118.328,-1151.42C120.462,-1034.51 133.996,-431.621 187,-371 197.152,-359.389 212.708,-354.014 227.75,-351.749"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.828,-1151.39 118.152,-1161.45 121.827,-1151.51 114.828,-1151.39"/> </g> <!-- Node166 --> <g id="node166" class="node"><title>Node166</title> -<g id="a_node166"><a xlink:href="classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to calculate mean and standard deviation of input image pixels. "> -<polygon fill="white" stroke="black" points="215,-670.5 215,-689.5 331,-689.5 331,-670.5 215,-670.5"/> -<text text-anchor="middle" x="273" y="-677.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMeanStdDevKernel</text> +<g id="a_node166"><a xlink:href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform scaling on a tensor. "> +<polygon fill="white" stroke="black" points="231.5,-304.5 231.5,-323.5 314.5,-323.5 314.5,-304.5 231.5,-304.5"/> +<text text-anchor="middle" x="273" y="-311.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScaleKernel</text> </a> </g> </g> <!-- Node84->Node166 --> <g id="edge165" class="edge"><title>Node84->Node166</title> -<path fill="none" stroke="midnightblue" d="M117.926,-1170.16C118.033,-1087.35 122.699,-770.45 187,-700 194.358,-691.938 204.301,-686.829 214.793,-683.649"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.426,-1170.24 117.936,-1180.24 121.426,-1170.23 114.426,-1170.24"/> +<path fill="none" stroke="midnightblue" d="M118.25,-1151.24C119.951,-1030.64 131.506,-396.719 187,-333 197.924,-320.457 215.154,-315.185 231.254,-313.252"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.75,-1151.23 118.115,-1161.27 121.749,-1151.32 114.75,-1151.23"/> </g> <!-- Node167 --> <g id="node167" class="node"><title>Node167</title> -<g id="a_node167"><a xlink:href="classarm__compute_1_1_n_e_min_max_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform min max search on an image. "> -<polygon fill="white" stroke="black" points="226.5,-632.5 226.5,-651.5 319.5,-651.5 319.5,-632.5 226.5,-632.5"/> -<text text-anchor="middle" x="273" y="-639.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxKernel</text> +<g id="a_node167"><a xlink:href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Scharr filter on a tensor. "> +<polygon fill="white" stroke="black" points="221.5,-266.5 221.5,-285.5 324.5,-285.5 324.5,-266.5 221.5,-266.5"/> +<text text-anchor="middle" x="273" y="-273.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScharr3x3Kernel</text> </a> </g> </g> <!-- Node84->Node167 --> <g id="edge166" class="edge"><title>Node84->Node167</title> -<path fill="none" stroke="midnightblue" d="M117.678,-1170.24C116.682,-1083.51 117.199,-737.4 187,-661 196.995,-650.06 211.794,-644.711 226.254,-642.277"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.179,-1170.36 117.815,-1180.31 121.178,-1170.26 114.179,-1170.36"/> +<path fill="none" stroke="midnightblue" d="M118.176,-1151.13C119.456,-1027.07 129.003,-361.831 187,-295 195.721,-284.95 208.491,-279.564 221.495,-276.824"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.674,-1151.38 118.077,-1161.41 121.673,-1151.45 114.674,-1151.38"/> </g> <!-- Node168 --> <g id="node168" class="node"><title>Node168</title> -<g id="a_node168"><a xlink:href="classarm__compute_1_1_n_e_min_max_location_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to find min max locations of an image. "> -<polygon fill="white" stroke="black" points="208,-594.5 208,-613.5 338,-613.5 338,-594.5 208,-594.5"/> -<text text-anchor="middle" x="273" y="-601.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMinMaxLocationKernel</text> +<g id="a_node168"><a xlink:href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Sobel X filter on a tensor. "> +<polygon fill="white" stroke="black" points="223.5,-228.5 223.5,-247.5 322.5,-247.5 322.5,-228.5 223.5,-228.5"/> +<text text-anchor="middle" x="273" y="-235.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel3x3Kernel</text> </a> </g> </g> <!-- Node84->Node168 --> <g id="edge167" class="edge"><title>Node84->Node168</title> -<path fill="none" stroke="midnightblue" d="M119.084,-1169.95C124.449,-1073.98 149.417,-664.493 187,-623 192.685,-616.724 199.95,-612.284 207.832,-609.178"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.583,-1169.87 118.527,-1180.05 122.572,-1170.26 115.583,-1169.87"/> +<path fill="none" stroke="midnightblue" d="M118.108,-1151.06C118.978,-1023.69 126.492,-326.954 187,-257 196.101,-246.478 209.638,-241.065 223.248,-238.448"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.607,-1151.27 118.045,-1161.29 121.607,-1151.31 114.607,-1151.27"/> </g> <!-- Node169 --> <g id="node169" class="node"><title>Node169</title> -<g id="a_node169"><a xlink:href="classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to apply a non-linear filter. "> -<polygon fill="white" stroke="black" points="210.5,-556.5 210.5,-575.5 335.5,-575.5 335.5,-556.5 210.5,-556.5"/> -<text text-anchor="middle" x="273" y="-563.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENonLinearFilterKernel</text> +<g id="a_node169"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. "> +<polygon fill="white" stroke="black" points="215.5,-190.5 215.5,-209.5 330.5,-209.5 330.5,-190.5 215.5,-190.5"/> +<text text-anchor="middle" x="273" y="-197.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel5x5HorKernel</text> </a> </g> </g> <!-- Node84->Node169 --> <g id="edge168" class="edge"><title>Node84->Node169</title> -<path fill="none" stroke="midnightblue" d="M118.911,-1170.2C123.658,-1070.85 146.891,-629.619 187,-585 193.267,-578.028 201.485,-573.318 210.34,-570.185"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.407,-1170.2 118.434,-1180.35 122.4,-1170.52 115.407,-1170.2"/> +<path fill="none" stroke="midnightblue" d="M118.043,-1151.45C118.505,-1022.08 123.905,-292.167 187,-219 194.307,-210.526 204.493,-205.363 215.281,-202.306"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.543,-1151.48 118.013,-1161.49 121.543,-1151.5 114.543,-1151.48"/> </g> <!-- Node170 --> <g id="node170" class="node"><title>Node170</title> -<g id="a_node170"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml" target="_top" xlink:title="Interface to perform Non-Maxima suppression over a 3x3 window using NEON. "> -<polygon fill="white" stroke="black" points="196.5,-507 196.5,-537 349.5,-537 349.5,-507 196.5,-507"/> -<text text-anchor="start" x="204.5" y="-525" font-family="Helvetica,sans-Serif" font-size="10.00">NENonMaximaSuppression3x3</text> -<text text-anchor="middle" x="273" y="-514" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> -</a> -</g> -</g> -<!-- Node84->Node170 --> -<g id="edge169" class="edge"><title>Node84->Node170</title> -<path fill="none" stroke="midnightblue" d="M118.84,-1169.99C123.35,-1066.64 146.028,-596.059 187,-547 190.155,-543.222 193.85,-539.998 197.9,-537.248"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.331,-1170.12 118.399,-1180.26 122.325,-1170.42 115.331,-1170.12"/> -</g> -<!-- Node172 --> -<g id="node172" class="node"><title>Node172</title> -<g id="a_node172"><a xlink:href="classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml" target="_top" xlink:title="Interface for the normalization layer kernel. "> -<polygon fill="white" stroke="black" points="201.5,-468.5 201.5,-487.5 344.5,-487.5 344.5,-468.5 201.5,-468.5"/> -<text text-anchor="middle" x="273" y="-475.5" font-family="Helvetica,sans-Serif" font-size="10.00">NENormalizationLayerKernel</text> -</a> -</g> -</g> -<!-- Node84->Node172 --> -<g id="edge171" class="edge"><title>Node84->Node172</title> -<path fill="none" stroke="midnightblue" d="M118.625,-1170.14C122.194,-1062.29 141.465,-549.965 187,-498 190.996,-493.439 195.819,-489.815 201.112,-486.947"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.122,-1170.17 118.297,-1180.27 122.118,-1170.39 115.122,-1170.17"/> -</g> -<!-- Node173 --> -<g id="node173" class="node"><title>Node173</title> -<g id="a_node173"><a xlink:href="classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform addition between two tensors. "> -<polygon fill="white" stroke="black" points="207,-419 207,-449 339,-449 339,-419 207,-419"/> -<text text-anchor="start" x="215" y="-437" font-family="Helvetica,sans-Serif" font-size="10.00">NEPixelWiseMultiplication</text> -<text text-anchor="middle" x="273" y="-426" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> -</a> -</g> -</g> -<!-- Node84->Node173 --> -<g id="edge172" class="edge"><title>Node84->Node173</title> -<path fill="none" stroke="midnightblue" d="M118.564,-1170.12C121.894,-1058.76 140.452,-515.465 187,-459 192.284,-452.591 199.12,-447.773 206.62,-444.161"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115.061,-1170.18 118.267,-1180.28 122.058,-1170.38 115.061,-1170.18"/> -</g> -<!-- Node174 --> -<g id="node174" class="node"><title>Node174</title> -<g id="a_node174"><a xlink:href="classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml" target="_top" xlink:title="Interface for the pooling layer kernel. "> -<polygon fill="white" stroke="black" points="215.5,-380.5 215.5,-399.5 330.5,-399.5 330.5,-380.5 215.5,-380.5"/> -<text text-anchor="middle" x="273" y="-387.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEPoolingLayerKernel</text> -</a> -</g> -</g> -<!-- Node84->Node174 --> -<g id="edge173" class="edge"><title>Node84->Node174</title> -<path fill="none" stroke="midnightblue" d="M118.388,-1170.21C120.831,-1054.55 135.683,-469.227 187,-410 194.346,-401.522 204.548,-396.274 215.34,-393.097"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.884,-1170.35 118.179,-1180.42 121.883,-1170.5 114.884,-1170.35"/> -</g> -<!-- Node175 --> -<g id="node175" class="node"><title>Node175</title> -<g id="a_node175"><a xlink:href="classarm__compute_1_1_n_e_remap_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a remap on a tensor. "> -<polygon fill="white" stroke="black" points="228,-342.5 228,-361.5 318,-361.5 318,-342.5 228,-342.5"/> -<text text-anchor="middle" x="273" y="-349.5" font-family="Helvetica,sans-Serif" font-size="10.00">NERemapKernel</text> -</a> -</g> -</g> -<!-- Node84->Node175 --> -<g id="edge174" class="edge"><title>Node84->Node175</title> -<path fill="none" stroke="midnightblue" d="M118.288,-1170.33C120.204,-1051.57 132.751,-433.169 187,-371 197.141,-359.379 212.694,-354.002 227.738,-351.738"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.786,-1170.44 118.131,-1180.49 121.785,-1170.55 114.786,-1170.44"/> -</g> -<!-- Node176 --> -<g id="node176" class="node"><title>Node176</title> -<g id="a_node176"><a xlink:href="classarm__compute_1_1_n_e_scale_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform scaling on a tensor. "> -<polygon fill="white" stroke="black" points="231.5,-304.5 231.5,-323.5 314.5,-323.5 314.5,-304.5 231.5,-304.5"/> -<text text-anchor="middle" x="273" y="-311.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScaleKernel</text> -</a> -</g> -</g> -<!-- Node84->Node176 --> -<g id="edge175" class="edge"><title>Node84->Node176</title> -<path fill="none" stroke="midnightblue" d="M118.212,-1170.18C119.702,-1047.82 130.256,-398.273 187,-333 197.913,-320.447 215.141,-315.174 231.243,-313.242"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.711,-1170.3 118.095,-1180.34 121.71,-1170.38 114.711,-1170.3"/> -</g> -<!-- Node177 --> -<g id="node177" class="node"><title>Node177</title> -<g id="a_node177"><a xlink:href="classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Scharr filter on a tensor. "> -<polygon fill="white" stroke="black" points="221.5,-266.5 221.5,-285.5 324.5,-285.5 324.5,-266.5 221.5,-266.5"/> -<text text-anchor="middle" x="273" y="-273.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEScharr3x3Kernel</text> -</a> -</g> -</g> -<!-- Node84->Node177 --> -<g id="edge176" class="edge"><title>Node84->Node177</title> -<path fill="none" stroke="midnightblue" d="M118.138,-1170.48C119.197,-1045.75 127.688,-363.461 187,-295 195.713,-284.943 208.48,-279.555 221.484,-276.814"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.638,-1170.47 118.059,-1180.49 121.638,-1170.52 114.638,-1170.47"/> -</g> -<!-- Node178 --> -<g id="node178" class="node"><title>Node178</title> -<g id="a_node178"><a xlink:href="classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run a 3x3 Sobel X filter on a tensor. "> -<polygon fill="white" stroke="black" points="223.5,-228.5 223.5,-247.5 322.5,-247.5 322.5,-228.5 223.5,-228.5"/> -<text text-anchor="middle" x="273" y="-235.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel3x3Kernel</text> -</a> -</g> -</g> -<!-- Node84->Node178 --> -<g id="edge177" class="edge"><title>Node84->Node178</title> -<path fill="none" stroke="midnightblue" d="M118.076,-1170.05C118.745,-1041.12 125.232,-328.522 187,-257 196.093,-246.471 209.628,-241.056 223.238,-238.439"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.574,-1170.37 118.028,-1180.39 121.574,-1170.4 114.574,-1170.37"/> -</g> -<!-- Node179 --> -<g id="node179" class="node"><title>Node179</title> -<g id="a_node179"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 5x5 Sobel filter on a tensor. "> -<polygon fill="white" stroke="black" points="215.5,-190.5 215.5,-209.5 330.5,-209.5 330.5,-190.5 215.5,-190.5"/> -<text text-anchor="middle" x="273" y="-197.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel5x5HorKernel</text> -</a> -</g> -</g> -<!-- Node84->Node179 --> -<g id="edge178" class="edge"><title>Node84->Node179</title> -<path fill="none" stroke="midnightblue" d="M118.015,-1170.06C118.291,-1038.11 122.705,-293.665 187,-219 194.302,-210.521 204.484,-205.356 215.272,-202.298"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.514,-1170.29 117.999,-1180.3 121.514,-1170.3 114.514,-1170.29"/> -</g> -<!-- Node180 --> -<g id="node180" class="node"><title>Node180</title> -<g id="a_node180"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor. "> +<g id="a_node170"><a xlink:href="classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 5x5 Sobel Y filter on a tensor. "> <polygon fill="white" stroke="black" points="214.5,-152.5 214.5,-171.5 331.5,-171.5 331.5,-152.5 214.5,-152.5"/> <text text-anchor="middle" x="273" y="-159.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel5x5VertKernel</text> </a> </g> </g> -<!-- Node84->Node180 --> -<g id="edge179" class="edge"><title>Node84->Node180</title> -<path fill="none" stroke="midnightblue" d="M117.958,-1170.12C117.854,-1035.35 120.168,-258.82 187,-181 194.093,-172.741 203.92,-167.624 214.382,-164.536"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.458,-1170.24 117.972,-1180.23 121.458,-1170.23 114.458,-1170.24"/> +<!-- Node84->Node170 --> +<g id="edge169" class="edge"><title>Node84->Node170</title> +<path fill="none" stroke="midnightblue" d="M117.986,-1151.09C118.07,-1017.73 121.437,-257.242 187,-181 194.099,-172.745 203.928,-167.631 214.39,-164.543"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.486,-1151.42 117.985,-1161.42 121.486,-1151.42 114.486,-1151.42"/> </g> -<!-- Node181 --> -<g id="node181" class="node"><title>Node181</title> -<g id="a_node181"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. "> +<!-- Node171 --> +<g id="node171" class="node"><title>Node171</title> +<g id="a_node171"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the horizontal pass of 7x7 Sobel filter on a tensor. "> <polygon fill="white" stroke="black" points="215.5,-114.5 215.5,-133.5 330.5,-133.5 330.5,-114.5 215.5,-114.5"/> <text text-anchor="middle" x="273" y="-121.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel7x7HorKernel</text> </a> </g> </g> -<!-- Node84->Node181 --> -<g id="edge180" class="edge"><title>Node84->Node181</title> -<path fill="none" stroke="midnightblue" d="M117.906,-1170.23C117.433,-1032.9 117.618,-223.991 187,-143 194.28,-134.502 204.453,-129.33 215.239,-126.27"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.407,-1170.51 117.947,-1180.5 121.407,-1170.48 114.407,-1170.51"/> +<!-- Node84->Node171 --> +<g id="edge170" class="edge"><title>Node84->Node171</title> +<path fill="none" stroke="midnightblue" d="M117.932,-1151.17C117.641,-1015.09 118.894,-222.404 187,-143 194.285,-134.507 204.461,-129.336 215.247,-126.277"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.432,-1151.37 117.959,-1161.36 121.432,-1151.35 114.432,-1151.37"/> </g> -<!-- Node182 --> -<g id="node182" class="node"><title>Node182</title> -<g id="a_node182"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor. "> +<!-- Node172 --> +<g id="node172" class="node"><title>Node172</title> +<g id="a_node172"><a xlink:href="classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run the vertical pass of 7x7 Sobel Y filter on a tensor. "> <polygon fill="white" stroke="black" points="214.5,-76.5 214.5,-95.5 331.5,-95.5 331.5,-76.5 214.5,-76.5"/> <text text-anchor="middle" x="273" y="-83.5" font-family="Helvetica,sans-Serif" font-size="10.00">NESobel7x7VertKernel</text> </a> </g> </g> -<!-- Node84->Node182 --> -<g id="edge181" class="edge"><title>Node84->Node182</title> -<path fill="none" stroke="midnightblue" d="M117.859,-1170.38C117.03,-1030.64 115.061,-189.173 187,-105 194.073,-96.7237 203.892,-91.5999 214.351,-88.5099"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.359,-1170.49 117.924,-1180.47 121.359,-1170.45 114.359,-1170.49"/> +<!-- Node84->Node172 --> +<g id="edge171" class="edge"><title>Node84->Node172</title> +<path fill="none" stroke="midnightblue" d="M117.882,-1151.3C117.23,-1012.71 116.342,-187.579 187,-105 194.078,-96.7277 203.898,-91.6056 214.359,-88.5161"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.382,-1151.34 117.935,-1161.32 121.382,-1151.31 114.382,-1151.34"/> </g> -<!-- Node183 --> -<g id="node183" class="node"><title>Node183</title> -<g id="a_node183"><a xlink:href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_top" xlink:title="Interface for the thresholding kernel. "> +<!-- Node173 --> +<g id="node173" class="node"><title>Node173</title> +<g id="a_node173"><a xlink:href="classarm__compute_1_1_n_e_threshold_kernel.xhtml" target="_top" xlink:title="Interface for the thresholding kernel. "> <polygon fill="white" stroke="black" points="222.5,-38.5 222.5,-57.5 323.5,-57.5 323.5,-38.5 222.5,-38.5"/> <text text-anchor="middle" x="273" y="-45.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEThresholdKernel</text> </a> </g> </g> -<!-- Node84->Node183 --> -<g id="edge182" class="edge"><title>Node84->Node183</title> -<path fill="none" stroke="midnightblue" d="M117.812,-1170.14C116.635,-1026.87 112.567,-154.279 187,-67 195.831,-56.6451 208.958,-51.2227 222.269,-48.5444"/> -<polygon fill="midnightblue" stroke="midnightblue" points="114.315,-1170.49 117.902,-1180.46 121.315,-1170.43 114.315,-1170.49"/> +<!-- Node84->Node173 --> +<g id="edge172" class="edge"><title>Node84->Node173</title> +<path fill="none" stroke="midnightblue" d="M117.833,-1151.04C116.829,-1008.85 113.853,-152.681 187,-67 195.836,-56.6498 208.965,-51.2287 222.276,-48.5503"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.336,-1151.33 117.912,-1161.3 121.335,-1151.28 114.336,-1151.33"/> </g> -<!-- Node184 --> -<g id="node184" class="node"><title>Node184</title> -<g id="a_node184"><a xlink:href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_top" xlink:title="NEON kernel which transposes the elements of a matrix. "> +<!-- Node174 --> +<g id="node174" class="node"><title>Node174</title> +<g id="a_node174"><a xlink:href="classarm__compute_1_1_n_e_transpose_kernel.xhtml" target="_top" xlink:title="NEON kernel which transposes the elements of a matrix. "> <polygon fill="white" stroke="black" points="221,-0.5 221,-19.5 325,-19.5 325,-0.5 221,-0.5"/> <text text-anchor="middle" x="273" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">NETransposeKernel</text> </a> </g> </g> -<!-- Node84->Node184 --> -<g id="edge183" class="edge"><title>Node84->Node184</title> -<path fill="none" stroke="midnightblue" d="M118.509,-1169.96C122.412,-1019.71 148.456,-74.2881 187,-29 195.526,-18.9818 208.074,-13.5784 220.926,-10.8103"/> -<polygon fill="midnightblue" stroke="midnightblue" points="115,-1170.29 118.241,-1180.38 121.997,-1170.47 115,-1170.29"/> +<!-- Node84->Node174 --> +<g id="edge173" class="edge"><title>Node84->Node174</title> +<path fill="none" stroke="midnightblue" d="M117.791,-1151.24C116.446,-1006.9 111.282,-117.878 187,-29 195.531,-18.986 208.081,-13.584 220.932,-10.8158"/> +<polygon fill="midnightblue" stroke="midnightblue" points="114.292,-1151.34 117.891,-1161.3 121.292,-1151.27 114.292,-1151.34"/> </g> <!-- Node88 --> <g id="node88" class="node"><title>Node88</title> <g id="a_node88"><a xlink:href="classarm__compute_1_1_n_e_accumulate_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate kernel. "> -<polygon fill="white" stroke="black" points="417.5,-3243.5 417.5,-3262.5 527.5,-3262.5 527.5,-3243.5 417.5,-3243.5"/> -<text text-anchor="middle" x="472.5" y="-3250.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateKernel</text> +<polygon fill="white" stroke="black" points="417.5,-2906.5 417.5,-2925.5 527.5,-2925.5 527.5,-2906.5 417.5,-2906.5"/> +<text text-anchor="middle" x="472.5" y="-2913.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateKernel</text> </a> </g> </g> <!-- Node87->Node88 --> <g id="edge87" class="edge"><title>Node87->Node88</title> -<path fill="none" stroke="midnightblue" d="M331.752,-2579.19C342.2,-2582.4 351.988,-2587.64 359,-2596 450.268,-2704.79 304.406,-3124.65 395,-3234 400.762,-3240.96 408.638,-3245.59 417.154,-3248.63"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.581,-2575.79 322.032,-2576.78 330.894,-2582.58 332.581,-2575.79"/> +<path fill="none" stroke="midnightblue" d="M332.269,-2413.5C342.484,-2416.72 352.049,-2421.89 359,-2430 426.714,-2509.05 327.775,-2817.53 395,-2897 400.833,-2903.9 408.744,-2908.5 417.272,-2911.53"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.896,-2410.05 322.342,-2410.98 331.17,-2416.83 332.896,-2410.05"/> </g> <!-- Node89 --> <g id="node89" class="node"><title>Node89</title> <g id="a_node89"><a xlink:href="classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate squared kernel. "> -<polygon fill="white" stroke="black" points="399.5,-3205.5 399.5,-3224.5 545.5,-3224.5 545.5,-3205.5 399.5,-3205.5"/> -<text text-anchor="middle" x="472.5" y="-3212.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateSquaredKernel</text> +<polygon fill="white" stroke="black" points="399.5,-2868.5 399.5,-2887.5 545.5,-2887.5 545.5,-2868.5 399.5,-2868.5"/> +<text text-anchor="middle" x="472.5" y="-2875.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateSquaredKernel</text> </a> </g> </g> <!-- Node87->Node89 --> <g id="edge88" class="edge"><title>Node87->Node89</title> -<path fill="none" stroke="midnightblue" d="M331.729,-2579.21C342.179,-2582.42 351.973,-2587.65 359,-2596 445.031,-2698.18 309.601,-3093.29 395,-3196 398.15,-3199.79 401.926,-3202.89 406.091,-3205.41"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.558,-2575.81 322.009,-2576.79 330.871,-2582.6 332.558,-2575.81"/> +<path fill="none" stroke="midnightblue" d="M332.226,-2413.54C342.444,-2416.76 352.022,-2421.91 359,-2430 421.484,-2502.44 332.964,-2786.17 395,-2859 398.195,-2862.75 402.003,-2865.82 406.191,-2868.33"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.852,-2410.09 322.298,-2411.01 331.126,-2416.87 332.852,-2410.09"/> </g> <!-- Node90 --> <g id="node90" class="node"><title>Node90</title> <g id="a_node90"><a xlink:href="classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate weighted kernel. "> -<polygon fill="white" stroke="black" points="396.5,-3167.5 396.5,-3186.5 548.5,-3186.5 548.5,-3167.5 396.5,-3167.5"/> -<text text-anchor="middle" x="472.5" y="-3174.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateWeightedKernel</text> +<polygon fill="white" stroke="black" points="396.5,-2830.5 396.5,-2849.5 548.5,-2849.5 548.5,-2830.5 396.5,-2830.5"/> +<text text-anchor="middle" x="472.5" y="-2837.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateWeightedKernel</text> </a> </g> </g> <!-- Node87->Node90 --> <g id="edge89" class="edge"><title>Node87->Node90</title> -<path fill="none" stroke="midnightblue" d="M332.352,-2579.43C342.56,-2582.66 352.102,-2587.84 359,-2596 439.796,-2691.57 314.795,-3061.94 395,-3158 398.157,-3161.78 401.94,-3164.88 406.108,-3167.4"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.981,-2575.98 322.426,-2576.9 331.254,-2582.76 332.981,-2575.98"/> +<path fill="none" stroke="midnightblue" d="M332.175,-2413.58C342.396,-2416.8 351.989,-2421.94 359,-2430 416.257,-2495.84 338.151,-2754.8 395,-2821 398.21,-2824.74 402.03,-2827.8 406.224,-2830.3"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.799,-2410.13 322.245,-2411.06 331.074,-2416.92 332.799,-2410.13"/> </g> <!-- Node92 --> <g id="node92" class="node"><title>Node92</title> <g id="a_node92"><a xlink:href="classarm__compute_1_1_n_e_activation_layer_kernel.xhtml" target="_top" xlink:title="Interface for the activation layer kernel. "> -<polygon fill="white" stroke="black" points="409.5,-3129.5 409.5,-3148.5 535.5,-3148.5 535.5,-3129.5 409.5,-3129.5"/> -<text text-anchor="middle" x="472.5" y="-3136.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEActivationLayerKernel</text> +<polygon fill="white" stroke="black" points="409.5,-2792.5 409.5,-2811.5 535.5,-2811.5 535.5,-2792.5 409.5,-2792.5"/> +<text text-anchor="middle" x="472.5" y="-2799.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEActivationLayerKernel</text> </a> </g> </g> <!-- Node87->Node92 --> <g id="edge91" class="edge"><title>Node87->Node92</title> -<path fill="none" stroke="midnightblue" d="M332.323,-2579.46C342.533,-2582.68 352.083,-2587.86 359,-2596 434.562,-2684.96 319.989,-3030.58 395,-3120 398.958,-3124.72 403.888,-3128.36 409.326,-3131.17"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.951,-2576.01 322.396,-2576.93 331.224,-2582.79 332.951,-2576.01"/> +<path fill="none" stroke="midnightblue" d="M332.112,-2413.64C342.339,-2416.85 351.95,-2421.97 359,-2430 463.066,-2548.49 291.668,-2663.87 395,-2783 399.035,-2787.65 404.015,-2791.26 409.484,-2794.04"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.736,-2410.19 322.182,-2411.12 331.012,-2416.97 332.736,-2410.19"/> </g> <!-- Node93 --> <g id="node93" class="node"><title>Node93</title> <g id="a_node93"><a xlink:href="classarm__compute_1_1_n_e_box3x3_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a Box 3x3 filter. "> -<polygon fill="white" stroke="black" points="426.5,-3091.5 426.5,-3110.5 518.5,-3110.5 518.5,-3091.5 426.5,-3091.5"/> -<text text-anchor="middle" x="472.5" y="-3098.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBox3x3Kernel</text> +<polygon fill="white" stroke="black" points="426.5,-2754.5 426.5,-2773.5 518.5,-2773.5 518.5,-2754.5 426.5,-2754.5"/> +<text text-anchor="middle" x="472.5" y="-2761.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBox3x3Kernel</text> </a> </g> </g> <!-- Node87->Node93 --> <g id="edge92" class="edge"><title>Node87->Node93</title> -<path fill="none" stroke="midnightblue" d="M332.288,-2579.49C342.501,-2582.71 352.061,-2587.88 359,-2596 429.33,-2678.35 325.18,-2999.22 395,-3082 402.852,-3091.31 414.491,-3096.44 426.334,-3099.18"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.916,-2576.03 322.361,-2576.96 331.189,-2582.82 332.916,-2576.03"/> +<path fill="none" stroke="midnightblue" d="M332.036,-2413.71C342.269,-2416.91 351.901,-2422.02 359,-2430 452.628,-2535.31 302.024,-2639.12 395,-2745 402.946,-2754.05 414.469,-2759.12 426.17,-2761.88"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.658,-2410.25 322.104,-2411.18 330.935,-2417.04 332.658,-2410.25"/> </g> <!-- Node95 --> <g id="node95" class="node"><title>Node95</title> <g id="a_node95"><a xlink:href="classarm__compute_1_1_n_e_channel_extract_kernel.xhtml" target="_top" xlink:title="Interface for the channel extract kernel. "> -<polygon fill="white" stroke="black" points="409.5,-3053.5 409.5,-3072.5 535.5,-3072.5 535.5,-3053.5 409.5,-3053.5"/> -<text text-anchor="middle" x="472.5" y="-3060.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelExtractKernel</text> +<polygon fill="white" stroke="black" points="409.5,-2716.5 409.5,-2735.5 535.5,-2735.5 535.5,-2716.5 409.5,-2716.5"/> +<text text-anchor="middle" x="472.5" y="-2723.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEChannelExtractKernel</text> </a> </g> </g> <!-- Node87->Node95 --> <g id="edge94" class="edge"><title>Node87->Node95</title> -<path fill="none" stroke="midnightblue" d="M332.249,-2579.52C342.464,-2582.74 352.036,-2587.9 359,-2596 424.099,-2671.75 330.37,-2967.85 395,-3044 398.985,-3048.7 403.933,-3052.33 409.382,-3055.12"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.875,-2576.07 322.321,-2576.99 331.149,-2582.85 332.875,-2576.07"/> +<path fill="none" stroke="midnightblue" d="M331.939,-2413.79C342.179,-2416.99 351.839,-2422.07 359,-2430 442.202,-2522.14 312.368,-2614.35 395,-2707 399.008,-2711.49 403.898,-2715 409.248,-2717.74"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.559,-2410.34 322.005,-2411.27 330.837,-2417.12 332.559,-2410.34"/> </g> <!-- Node96 --> <g id="node96" class="node"><title>Node96</title> <g id="a_node96"><a xlink:href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to run an arbitrary size convolution on a tensor. "> -<polygon fill="white" stroke="black" points="417.5,-3004 417.5,-3034 527.5,-3034 527.5,-3004 417.5,-3004"/> -<text text-anchor="start" x="425.5" y="-3022" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionKernel</text> -<text text-anchor="middle" x="472.5" y="-3011" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> +<polygon fill="white" stroke="black" points="417.5,-2667 417.5,-2697 527.5,-2697 527.5,-2667 417.5,-2667"/> +<text text-anchor="start" x="425.5" y="-2685" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionKernel</text> +<text text-anchor="middle" x="472.5" y="-2674" font-family="Helvetica,sans-Serif" font-size="10.00">< matrix_size ></text> </a> </g> </g> <!-- Node87->Node96 --> <g id="edge95" class="edge"><title>Node87->Node96</title> -<path fill="none" stroke="midnightblue" d="M332.185,-2579.58C342.406,-2582.79 351.996,-2587.93 359,-2596 417.22,-2663.06 339.674,-2924.53 395,-2994 400.745,-3001.21 408.613,-3006.37 417.127,-3010.05"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.81,-2576.12 322.256,-2577.05 331.085,-2582.91 332.81,-2576.12"/> +<path fill="none" stroke="midnightblue" d="M332.095,-2414.06C342.228,-2417.25 351.807,-2422.26 359,-2430 428.517,-2504.85 328.717,-2579.28 395,-2657 400.893,-2663.91 408.726,-2668.92 417.132,-2672.56"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.828,-2410.63 322.271,-2411.53 331.082,-2417.41 332.828,-2410.63"/> </g> <!-- Node97 --> <g id="node97" class="node"><title>Node97</title> <g id="a_node97"><a xlink:href="classarm__compute_1_1_n_e_depth_convert_kernel.xhtml" target="_top" xlink:title="Depth conversion kernel. "> -<polygon fill="white" stroke="black" points="413,-2965.5 413,-2984.5 532,-2984.5 532,-2965.5 413,-2965.5"/> -<text text-anchor="middle" x="472.5" y="-2972.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDepthConvertKernel</text> +<polygon fill="white" stroke="black" points="413,-2628.5 413,-2647.5 532,-2647.5 532,-2628.5 413,-2628.5"/> +<text text-anchor="middle" x="472.5" y="-2635.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDepthConvertKernel</text> </a> </g> </g> <!-- Node87->Node97 --> <g id="edge96" class="edge"><title>Node87->Node97</title> -<path fill="none" stroke="midnightblue" d="M332.125,-2579.63C342.35,-2582.84 351.958,-2587.97 359,-2596 464.99,-2716.92 289.759,-2834.43 395,-2956 399.837,-2961.59 406.037,-2965.66 412.81,-2968.62"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.749,-2576.18 322.195,-2577.1 331.024,-2582.96 332.749,-2576.18"/> +<path fill="none" stroke="midnightblue" d="M331.906,-2414.23C342.055,-2417.41 351.688,-2422.37 359,-2430 418.155,-2491.75 336.227,-2556.89 395,-2619 399.985,-2624.27 406.185,-2628.17 412.883,-2631.04"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.634,-2410.81 322.078,-2411.71 330.891,-2417.59 332.634,-2410.81"/> </g> <!-- Node98 --> <g id="node98" class="node"><title>Node98</title> <g id="a_node98"><a xlink:href="classarm__compute_1_1_n_e_dilate_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform boolean image dilatation. "> -<polygon fill="white" stroke="black" points="430.5,-2927.5 430.5,-2946.5 514.5,-2946.5 514.5,-2927.5 430.5,-2927.5"/> -<text text-anchor="middle" x="472.5" y="-2934.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDilateKernel</text> +<polygon fill="white" stroke="black" points="430.5,-2590.5 430.5,-2609.5 514.5,-2609.5 514.5,-2590.5 430.5,-2590.5"/> +<text text-anchor="middle" x="472.5" y="-2597.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEDilateKernel</text> </a> </g> </g> <!-- Node87->Node98 --> <g id="edge97" class="edge"><title>Node87->Node98</title> -<path fill="none" stroke="midnightblue" d="M332.051,-2579.69C342.283,-2582.9 351.911,-2588.01 359,-2596 454.55,-2703.74 300.117,-2809.68 395,-2918 403.836,-2928.09 417.118,-2933.24 430.147,-2935.75"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.673,-2576.24 322.119,-2577.17 330.95,-2583.02 332.673,-2576.24"/> +<path fill="none" stroke="midnightblue" d="M331.963,-2414.61C342.014,-2417.76 351.597,-2422.62 359,-2430 407.857,-2478.71 346.445,-2531.99 395,-2581 404.342,-2590.43 417.588,-2595.44 430.437,-2598.03"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.799,-2411.21 322.239,-2412.08 331.035,-2417.98 332.799,-2411.21"/> </g> <!-- Node99 --> <g id="node99" class="node"><title>Node99</title> <g id="a_node99"><a xlink:href="classarm__compute_1_1_n_e_erode_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform boolean image erosion. "> -<polygon fill="white" stroke="black" points="430.5,-2889.5 430.5,-2908.5 514.5,-2908.5 514.5,-2889.5 430.5,-2889.5"/> -<text text-anchor="middle" x="472.5" y="-2896.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEErodeKernel</text> +<polygon fill="white" stroke="black" points="430.5,-2552.5 430.5,-2571.5 514.5,-2571.5 514.5,-2552.5 430.5,-2552.5"/> +<text text-anchor="middle" x="472.5" y="-2559.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEErodeKernel</text> </a> </g> </g> <!-- Node87->Node99 --> <g id="edge98" class="edge"><title>Node87->Node99</title> -<path fill="none" stroke="midnightblue" d="M331.958,-2579.78C342.198,-2582.97 351.852,-2588.06 359,-2596 444.122,-2690.56 310.464,-2784.91 395,-2880 403.911,-2890.02 417.21,-2895.16 430.232,-2897.68"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.579,-2576.32 322.025,-2577.25 330.857,-2583.11 332.579,-2576.32"/> +<path fill="none" stroke="midnightblue" d="M332.173,-2415.26C342.031,-2418.37 351.49,-2423.05 359,-2430 397.684,-2465.8 356.538,-2506.96 395,-2543 404.586,-2551.98 417.741,-2556.9 430.439,-2559.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.801,-2411.8 322.239,-2412.63 331.013,-2418.57 332.801,-2411.8"/> </g> <!-- Node100 --> <g id="node100" class="node"><title>Node100</title> <g id="a_node100"><a xlink:href="classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a Gaussian 3x3 filter. "> -<polygon fill="white" stroke="black" points="414.5,-2851.5 414.5,-2870.5 530.5,-2870.5 530.5,-2851.5 414.5,-2851.5"/> -<text text-anchor="middle" x="472.5" y="-2858.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian3x3Kernel</text> +<polygon fill="white" stroke="black" points="414.5,-2514.5 414.5,-2533.5 530.5,-2533.5 530.5,-2514.5 414.5,-2514.5"/> +<text text-anchor="middle" x="472.5" y="-2521.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian3x3Kernel</text> </a> </g> </g> <!-- Node87->Node100 --> <g id="edge99" class="edge"><title>Node87->Node100</title> -<path fill="none" stroke="midnightblue" d="M332.169,-2579.99C342.295,-2583.18 351.854,-2588.21 359,-2596 433.712,-2677.41 320.792,-2760.13 395,-2842 400.238,-2847.78 406.937,-2851.93 414.185,-2854.88"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.904,-2576.56 322.346,-2577.46 331.156,-2583.34 332.904,-2576.56"/> +<path fill="none" stroke="midnightblue" d="M332.078,-2416.34C341.776,-2419.36 351.202,-2423.73 359,-2430 387.816,-2453.17 366.328,-2481.65 395,-2505 400.73,-2509.67 407.447,-2513.21 414.479,-2515.89"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.905,-2412.94 322.341,-2413.73 331.098,-2419.7 332.905,-2412.94"/> </g> <!-- Node101 --> <g id="node101" class="node"><title>Node101</title> <g id="a_node101"><a xlink:href="classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a Gaussian 5x5 filter (horizontal pass) "> -<polygon fill="white" stroke="black" points="407,-2813.5 407,-2832.5 538,-2832.5 538,-2813.5 407,-2813.5"/> -<text text-anchor="middle" x="472.5" y="-2820.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5HorKernel</text> +<polygon fill="white" stroke="black" points="407,-2476.5 407,-2495.5 538,-2495.5 538,-2476.5 407,-2476.5"/> +<text text-anchor="middle" x="472.5" y="-2483.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5HorKernel</text> </a> </g> </g> <!-- Node87->Node101 --> <g id="edge100" class="edge"><title>Node87->Node101</title> -<path fill="none" stroke="midnightblue" d="M332.009,-2580.14C342.149,-2583.32 351.753,-2588.31 359,-2596 423.33,-2664.29 331.093,-2735.31 395,-2804 398.542,-2807.81 402.718,-2810.9 407.262,-2813.41"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.739,-2576.71 322.183,-2577.61 330.995,-2583.49 332.739,-2576.71"/> +<path fill="none" stroke="midnightblue" d="M331.88,-2418.93C341.294,-2421.68 350.677,-2425.29 359,-2430 378.967,-2441.3 375.103,-2455.57 395,-2467 401.764,-2470.88 409.309,-2473.98 416.951,-2476.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.662,-2415.52 322.1,-2416.35 330.879,-2422.28 332.662,-2415.52"/> </g> <!-- Node102 --> <g id="node102" class="node"><title>Node102</title> <g id="a_node102"><a xlink:href="classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a Gaussian 5x5 filter (vertical pass) "> -<polygon fill="white" stroke="black" points="405.5,-2775.5 405.5,-2794.5 539.5,-2794.5 539.5,-2775.5 405.5,-2775.5"/> -<text text-anchor="middle" x="472.5" y="-2782.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5VertKernel</text> +<polygon fill="white" stroke="black" points="405.5,-2438.5 405.5,-2457.5 539.5,-2457.5 539.5,-2438.5 405.5,-2438.5"/> +<text text-anchor="middle" x="472.5" y="-2445.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussian5x5VertKernel</text> </a> </g> </g> <!-- Node87->Node102 --> <g id="edge101" class="edge"><title>Node87->Node102</title> -<path fill="none" stroke="midnightblue" d="M332.114,-2580.46C342.152,-2583.63 351.691,-2588.53 359,-2596 412.995,-2651.22 341.347,-2710.45 395,-2766 398.708,-2769.84 403.061,-2772.95 407.778,-2775.46"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.954,-2577.06 322.394,-2577.92 331.187,-2583.83 332.954,-2577.06"/> +<path fill="none" stroke="midnightblue" d="M331.906,-2421.14C360.446,-2426.63 394.511,-2433.19 421.845,-2438.45"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.543,-2417.7 322.061,-2419.25 331.22,-2424.57 332.543,-2417.7"/> </g> <!-- Node103 --> <g id="node103" class="node"><title>Node103</title> <g id="a_node103"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a GaussianPyramid (horizontal pass) "> -<polygon fill="white" stroke="black" points="396.5,-2737.5 396.5,-2756.5 548.5,-2756.5 548.5,-2737.5 396.5,-2737.5"/> -<text text-anchor="middle" x="472.5" y="-2744.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidHorKernel</text> +<polygon fill="white" stroke="black" points="396.5,-2400.5 396.5,-2419.5 548.5,-2419.5 548.5,-2400.5 396.5,-2400.5"/> +<text text-anchor="middle" x="472.5" y="-2407.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidHorKernel</text> </a> </g> </g> <!-- Node87->Node103 --> <g id="edge102" class="edge"><title>Node87->Node103</title> -<path fill="none" stroke="midnightblue" d="M331.774,-2580.8C341.842,-2583.94 351.479,-2588.74 359,-2596 402.748,-2638.24 351.514,-2685.49 395,-2728 398.915,-2731.83 403.473,-2734.92 408.38,-2737.42"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.604,-2577.4 322.045,-2578.27 330.845,-2584.17 332.604,-2577.4"/> +<path fill="none" stroke="midnightblue" d="M332.266,-2410C352.291,-2410 375.001,-2410 396.185,-2410"/> +<polygon fill="midnightblue" stroke="midnightblue" points="332.061,-2406.5 322.061,-2410 332.061,-2413.5 332.061,-2406.5"/> </g> <!-- Node104 --> <g id="node104" class="node"><title>Node104</title> <g id="a_node104"><a xlink:href="classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a GaussianPyramid (vertical pass) "> -<polygon fill="white" stroke="black" points="395.5,-2699.5 395.5,-2718.5 549.5,-2718.5 549.5,-2699.5 395.5,-2699.5"/> -<text text-anchor="middle" x="472.5" y="-2706.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidVertKernel</text> +<polygon fill="white" stroke="black" points="395.5,-2362.5 395.5,-2381.5 549.5,-2381.5 549.5,-2362.5 395.5,-2362.5"/> +<text text-anchor="middle" x="472.5" y="-2369.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGaussianPyramidVertKernel</text> </a> </g> </g> <!-- Node87->Node104 --> <g id="edge103" class="edge"><title>Node87->Node104</title> -<path fill="none" stroke="midnightblue" d="M332.183,-2581.71C341.954,-2584.8 351.379,-2589.34 359,-2596 392.69,-2625.43 361.492,-2660.36 395,-2690 399.305,-2693.81 404.256,-2696.88 409.526,-2699.35"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.915,-2578.29 322.351,-2579.1 331.113,-2585.05 332.915,-2578.29"/> +<path fill="none" stroke="midnightblue" d="M331.906,-2398.86C360.446,-2393.37 394.511,-2386.81 421.845,-2381.55"/> +<polygon fill="midnightblue" stroke="midnightblue" points="331.22,-2395.43 322.061,-2400.75 332.543,-2402.3 331.22,-2395.43"/> </g> <!-- Node105 --> <g id="node105" class="node"><title>Node105</title> <g id="a_node105"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml" target="_top" xlink:title="NEON kernel to interleave the elements of a matrix. "> -<polygon fill="white" stroke="black" points="398.5,-2661.5 398.5,-2680.5 546.5,-2680.5 546.5,-2661.5 398.5,-2661.5"/> -<text text-anchor="middle" x="472.5" y="-2668.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMInterleave4x4Kernel</text> +<polygon fill="white" stroke="black" points="398.5,-2324.5 398.5,-2343.5 546.5,-2343.5 546.5,-2324.5 398.5,-2324.5"/> +<text text-anchor="middle" x="472.5" y="-2331.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMInterleave4x4Kernel</text> </a> </g> </g> <!-- Node87->Node105 --> <g id="edge104" class="edge"><title>Node87->Node105</title> -<path fill="none" stroke="midnightblue" d="M332.096,-2583.35C341.637,-2586.28 351.006,-2590.35 359,-2596 383.162,-2613.08 370.944,-2634.77 395,-2652 400.452,-2655.9 406.619,-2659.01 413.029,-2661.48"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.705,-2579.89 322.14,-2580.69 330.898,-2586.65 332.705,-2579.89"/> +<path fill="none" stroke="midnightblue" d="M300.458,-2395.68C324.552,-2383.09 361.394,-2364.96 395,-2353 405.056,-2349.42 416.087,-2346.26 426.564,-2343.59"/> +<polygon fill="midnightblue" stroke="midnightblue" points="298.781,-2392.6 291.574,-2400.37 302.051,-2398.79 298.781,-2392.6"/> </g> <!-- Node106 --> <g id="node106" class="node"><title>Node106</title> <g id="a_node106"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform the in-place matrix addition between 2 matrices taking into account that the s..."> -<polygon fill="white" stroke="black" points="396.5,-2623.5 396.5,-2642.5 548.5,-2642.5 548.5,-2623.5 396.5,-2623.5"/> -<text text-anchor="middle" x="472.5" y="-2630.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixAdditionKernel</text> +<polygon fill="white" stroke="black" points="396.5,-2286.5 396.5,-2305.5 548.5,-2305.5 548.5,-2286.5 396.5,-2286.5"/> +<text text-anchor="middle" x="472.5" y="-2293.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMMatrixAdditionKernel</text> </a> </g> </g> <!-- Node87->Node106 --> <g id="edge105" class="edge"><title>Node87->Node106</title> -<path fill="none" stroke="midnightblue" d="M332.041,-2587.75C341.167,-2590.14 350.416,-2592.89 359,-2596 375.82,-2602.09 378.218,-2607.81 395,-2614 404.886,-2617.65 415.745,-2620.82 426.099,-2623.47"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.775,-2584.32 322.224,-2585.29 331.077,-2591.11 332.775,-2584.32"/> +<path fill="none" stroke="midnightblue" d="M290.563,-2393.16C312.507,-2371.82 353.325,-2335.36 395,-2315 402.869,-2311.15 411.585,-2308.04 420.232,-2305.54"/> +<polygon fill="midnightblue" stroke="midnightblue" points="288.013,-2390.76 283.366,-2400.28 292.936,-2395.74 288.013,-2390.76"/> </g> <!-- Node107 --> <g id="node107" class="node"><title>Node107</title> <g id="a_node107"><a xlink:href="classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml" target="_top" xlink:title="NEON kernel which transposes the elements of a matrix in chunks of 1x4 if the input data type is F32 ..."> -<polygon fill="white" stroke="black" points="395,-2585.5 395,-2604.5 550,-2604.5 550,-2585.5 395,-2585.5"/> -<text text-anchor="middle" x="472.5" y="-2592.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMTranspose1xWKernel</text> +<polygon fill="white" stroke="black" points="395,-2248.5 395,-2267.5 550,-2267.5 550,-2248.5 395,-2248.5"/> +<text text-anchor="middle" x="472.5" y="-2255.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGEMMTranspose1xWKernel</text> </a> </g> </g> <!-- Node87->Node107 --> <g id="edge106" class="edge"><title>Node87->Node107</title> -<path fill="none" stroke="midnightblue" d="M332.051,-2581.58C351.646,-2583.47 373.833,-2585.6 394.652,-2587.61"/> -<polygon fill="midnightblue" stroke="midnightblue" points="332.351,-2578.1 322.061,-2580.62 331.68,-2585.07 332.351,-2578.1"/> +<path fill="none" stroke="midnightblue" d="M285.569,-2391.43C304.667,-2362.37 345.629,-2306.46 395,-2277 401.463,-2273.14 408.68,-2270.07 416.029,-2267.61"/> +<polygon fill="midnightblue" stroke="midnightblue" points="282.411,-2389.87 279.951,-2400.17 288.3,-2393.65 282.411,-2389.87"/> </g> <!-- Node108 --> <g id="node108" class="node"><title>Node108</title> <g id="a_node108"><a xlink:href="classarm__compute_1_1_n_e_integral_image_kernel.xhtml" target="_top" xlink:title="Kernel to perform an image integral on an image. "> -<polygon fill="white" stroke="black" points="413.5,-2547.5 413.5,-2566.5 531.5,-2566.5 531.5,-2547.5 413.5,-2547.5"/> -<text text-anchor="middle" x="472.5" y="-2554.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEIntegralImageKernel</text> +<polygon fill="white" stroke="black" points="413.5,-2210.5 413.5,-2229.5 531.5,-2229.5 531.5,-2210.5 413.5,-2210.5"/> +<text text-anchor="middle" x="472.5" y="-2217.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEIntegralImageKernel</text> </a> </g> </g> <!-- Node87->Node108 --> <g id="edge107" class="edge"><title>Node87->Node108</title> -<path fill="none" stroke="midnightblue" d="M332.352,-2570.39C357.905,-2567.93 387.819,-2565.05 413.349,-2562.59"/> -<polygon fill="midnightblue" stroke="midnightblue" points="331.68,-2566.93 322.061,-2571.38 332.351,-2573.9 331.68,-2566.93"/> +<path fill="none" stroke="midnightblue" d="M281.858,-2391.2C297.718,-2355.64 337.052,-2278.58 395,-2239 400.65,-2235.14 407.012,-2232.06 413.591,-2229.61"/> +<polygon fill="midnightblue" stroke="midnightblue" points="278.618,-2389.87 277.852,-2400.44 285.041,-2392.65 278.618,-2389.87"/> </g> <!-- Node109 --> <g id="node109" class="node"><title>Node109</title> <g id="a_node109"><a xlink:href="classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml" target="_top" xlink:title="Interface for the identifying the max value of 1D Logits. "> -<polygon fill="white" stroke="black" points="414.5,-2509.5 414.5,-2528.5 530.5,-2528.5 530.5,-2509.5 414.5,-2509.5"/> -<text text-anchor="middle" x="472.5" y="-2516.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DMaxKernel</text> +<polygon fill="white" stroke="black" points="414.5,-2172.5 414.5,-2191.5 530.5,-2191.5 530.5,-2172.5 414.5,-2172.5"/> +<text text-anchor="middle" x="472.5" y="-2179.5" font-family="Helvetica,sans-Serif" font-size="10.00">NELogits1DMaxKernel</text> </a> </g> </g> <!-- Node87->Node109 --> <g id="edge108" class="edge"><title>Node87->Node109</title> -<path fill="none" stroke="midnightblue" d="M312.376,-2563.29C336.079,-2555.61 367.178,-2545.82 395,-2538 406.726,-2534.71 419.544,-2531.41 431.279,-2528.5"/> -<polygon fill="midnightblue" stroke="midnightblue" points="311.125,-2560.02 302.701,-2566.44 313.294,-2566.67 311.125,-2560.02"/> +<path fill="none" stroke="midnightblue" d="M279.546,-2390.54C292.449,-2348.91 328.554,-2250.96 395,-2201 400.797,-2196.64 407.473,-2193.27 414.415,-2190.67"/> +<polygon fill="midnightblue" stroke="midnightblue" points="276.146,-2389.69 276.638,-2400.27 282.853,-2391.69 276.146,-2389.69"/> </g> <!-- Node110 --> <g id="node110" class="node"><title>Node110</title> <g id="a_node110"><a xlink:href="classarm__compute_1_1_n_e_median3x3_kernel.xhtml" target="_top" xlink:title="Kernel to perform a median filter on a tensor. "> -<polygon fill="white" stroke="black" points="419.5,-2471.5 419.5,-2490.5 525.5,-2490.5 525.5,-2471.5 419.5,-2471.5"/> -<text text-anchor="middle" x="472.5" y="-2478.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMedian3x3Kernel</text> +<polygon fill="white" stroke="black" points="419.5,-2134.5 419.5,-2153.5 525.5,-2153.5 525.5,-2134.5 419.5,-2134.5"/> +<text text-anchor="middle" x="472.5" y="-2141.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEMedian3x3Kernel</text> </a> </g> </g> <!-- Node87->Node110 --> <g id="edge109" class="edge"><title>Node87->Node110</title> -<path fill="none" stroke="midnightblue" d="M294.376,-2560.34C317.566,-2543.23 357.147,-2516.1 395,-2500 403.815,-2496.25 413.529,-2493.13 422.992,-2490.58"/> -<polygon fill="midnightblue" stroke="midnightblue" points="292.236,-2557.57 286.329,-2566.37 296.431,-2563.18 292.236,-2557.57"/> +<path fill="none" stroke="midnightblue" d="M277.747,-2390.3C287.759,-2343.27 319.669,-2223.84 395,-2163 402.027,-2157.33 410.515,-2153.31 419.244,-2150.48"/> +<polygon fill="midnightblue" stroke="midnightblue" points="274.26,-2389.89 275.705,-2400.38 281.12,-2391.28 274.26,-2389.89"/> </g> <!-- Node111 --> <g id="node111" class="node"><title>Node111</title> <g id="a_node111"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_top" xlink:title="Kernel for the Horizontal pass of a Separable Convolution. "> -<polygon fill="white" stroke="black" points="401.5,-2422 401.5,-2452 543.5,-2452 543.5,-2422 401.5,-2422"/> -<text text-anchor="start" x="409.5" y="-2440" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionHor</text> -<text text-anchor="middle" x="472.5" y="-2429" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> +<polygon fill="white" stroke="black" points="401.5,-2085 401.5,-2115 543.5,-2115 543.5,-2085 401.5,-2085"/> +<text text-anchor="start" x="409.5" y="-2103" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionHor</text> +<text text-anchor="middle" x="472.5" y="-2092" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> </a> </g> </g> <!-- Node87->Node111 --> <g id="edge110" class="edge"><title>Node87->Node111</title> -<path fill="none" stroke="midnightblue" d="M288.231,-2558.38C309.162,-2533.55 350.599,-2488.36 395,-2462 401.368,-2458.22 408.378,-2454.93 415.491,-2452.1"/> -<polygon fill="midnightblue" stroke="midnightblue" points="285.396,-2556.32 281.711,-2566.25 290.787,-2560.78 285.396,-2556.32"/> +<path fill="none" stroke="midnightblue" d="M281.095,-2390.79C303.71,-2329.96 373.846,-2144.42 395,-2125 399.221,-2121.13 404.051,-2117.85 409.189,-2115.08"/> +<polygon fill="midnightblue" stroke="midnightblue" points="277.751,-2389.75 277.557,-2400.34 284.315,-2392.18 277.751,-2389.75"/> </g> <!-- Node112 --> <g id="node112" class="node"><title>Node112</title> <g id="a_node112"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_top" xlink:title="Kernel for the Vertical pass of a Separable Convolution. "> -<polygon fill="white" stroke="black" points="400.5,-2373 400.5,-2403 544.5,-2403 544.5,-2373 400.5,-2373"/> -<text text-anchor="start" x="408.5" y="-2391" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionVert</text> -<text text-anchor="middle" x="472.5" y="-2380" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> +<polygon fill="white" stroke="black" points="400.5,-2036 400.5,-2066 544.5,-2066 544.5,-2036 400.5,-2036"/> +<text text-anchor="start" x="408.5" y="-2054" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionVert</text> +<text text-anchor="middle" x="472.5" y="-2043" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< matrix_size ></text> </a> </g> </g> <!-- Node87->Node112 --> <g id="edge111" class="edge"><title>Node87->Node112</title> -<path fill="none" stroke="midnightblue" d="M283.06,-2557.05C300.195,-2523.2 340.569,-2452.19 395,-2413 400.329,-2409.16 406.28,-2405.89 412.445,-2403.11"/> -<polygon fill="midnightblue" stroke="midnightblue" points="279.788,-2555.78 278.499,-2566.29 286.064,-2558.87 279.788,-2555.78"/> +<path fill="none" stroke="midnightblue" d="M281.675,-2390.85C296.992,-2352.42 332.183,-2263.08 359,-2187 376.242,-2138.09 358.368,-2112.71 395,-2076 398.849,-2072.14 403.301,-2068.88 408.082,-2066.12"/> +<polygon fill="midnightblue" stroke="midnightblue" points="278.366,-2389.7 277.906,-2400.28 284.866,-2392.3 278.366,-2389.7"/> </g> <!-- Node113 --> <g id="node113" class="node"><title>Node113</title> <g id="a_node113"><a xlink:href="classarm__compute_1_1_n_e_table_lookup_kernel.xhtml" target="_top" xlink:title="Interface for the kernel to perform table lookup calculations. "> -<polygon fill="white" stroke="black" points="415.5,-2334.5 415.5,-2353.5 529.5,-2353.5 529.5,-2334.5 415.5,-2334.5"/> -<text text-anchor="middle" x="472.5" y="-2341.5" font-family="Helvetica,sans-Serif" font-size="10.00">NETableLookupKernel</text> +<polygon fill="white" stroke="black" points="415.5,-1997.5 415.5,-2016.5 529.5,-2016.5 529.5,-1997.5 415.5,-1997.5"/> +<text text-anchor="middle" x="472.5" y="-2004.5" font-family="Helvetica,sans-Serif" font-size="10.00">NETableLookupKernel</text> </a> </g> </g> <!-- Node87->Node113 --> <g id="edge112" class="edge"><title>Node87->Node113</title> -<path fill="none" stroke="midnightblue" d="M279.508,-2556.32C292.338,-2514.23 328.307,-2415.12 395,-2364 400.993,-2359.41 407.941,-2355.86 415.159,-2353.13"/> -<polygon fill="midnightblue" stroke="midnightblue" points="276.077,-2555.59 276.618,-2566.17 282.793,-2557.56 276.077,-2555.59"/> -</g> -<!-- Node114 --> -<g id="node114" class="node"><title>Node114</title> -<g id="a_node114"><a xlink:href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_top" xlink:title="NEConvolutionKernel\< 5 \>"> -<polygon fill="white" stroke="black" points="405.5,-2296.5 405.5,-2315.5 539.5,-2315.5 539.5,-2296.5 405.5,-2296.5"/> -<text text-anchor="middle" x="472.5" y="-2303.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionKernel< 5 ></text> -</a> -</g> -</g> -<!-- Node87->Node114 --> -<g id="edge113" class="edge"><title>Node87->Node114</title> -<path fill="none" stroke="midnightblue" d="M277.517,-2556.62C287.155,-2509.28 318.544,-2387.15 395,-2325 399.779,-2321.12 405.241,-2318.01 410.999,-2315.53"/> -<polygon fill="midnightblue" stroke="midnightblue" points="274.07,-2556 275.606,-2566.49 280.942,-2557.33 274.07,-2556"/> -</g> -<!-- Node115 --> -<g id="node115" class="node"><title>Node115</title> -<g id="a_node115"><a xlink:href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_top" xlink:title="NEConvolutionKernel\< 7 \>"> -<polygon fill="white" stroke="black" points="405.5,-2258.5 405.5,-2277.5 539.5,-2277.5 539.5,-2258.5 405.5,-2258.5"/> -<text text-anchor="middle" x="472.5" y="-2265.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionKernel< 7 ></text> -</a> -</g> -</g> -<!-- Node87->Node115 --> -<g id="edge114" class="edge"><title>Node87->Node115</title> -<path fill="none" stroke="midnightblue" d="M276.179,-2556.56C283.094,-2504.42 309.409,-2360.4 395,-2287 399.467,-2283.17 404.592,-2280.09 410.027,-2277.62"/> -<polygon fill="midnightblue" stroke="midnightblue" points="272.704,-2556.14 274.954,-2566.5 279.652,-2557 272.704,-2556.14"/> -</g> -<!-- Node116 --> -<g id="node116" class="node"><title>Node116</title> -<g id="a_node116"><a xlink:href="classarm__compute_1_1_n_e_convolution_kernel.xhtml" target="_top" xlink:title="NEConvolutionKernel\< 9 \>"> -<polygon fill="white" stroke="black" points="405.5,-2220.5 405.5,-2239.5 539.5,-2239.5 539.5,-2220.5 405.5,-2220.5"/> -<text text-anchor="middle" x="472.5" y="-2227.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEConvolutionKernel< 9 ></text> -</a> -</g> -</g> -<!-- Node87->Node116 --> -<g id="edge115" class="edge"><title>Node87->Node116</title> -<path fill="none" stroke="midnightblue" d="M275.138,-2556.36C279.527,-2499.55 300.253,-2333.78 395,-2249 399.283,-2245.17 404.22,-2242.08 409.481,-2239.6"/> -<polygon fill="midnightblue" stroke="midnightblue" points="271.636,-2556.27 274.445,-2566.48 278.62,-2556.74 271.636,-2556.27"/> -</g> -<!-- Node117 --> -<g id="node117" class="node"><title>Node117</title> -<g id="a_node117"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionHor\lKernel\< 5 \>"> -<polygon fill="white" stroke="black" points="401.5,-2171 401.5,-2201 543.5,-2201 543.5,-2171 401.5,-2171"/> -<text text-anchor="start" x="409.5" y="-2189" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionHor</text> -<text text-anchor="middle" x="472.5" y="-2178" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 5 ></text> -</a> -</g> -</g> -<!-- Node87->Node117 --> -<g id="edge116" class="edge"><title>Node87->Node117</title> -<path fill="none" stroke="midnightblue" d="M274.613,-2556.08C277.57,-2495.37 294.784,-2310.79 395,-2211 398.861,-2207.15 403.322,-2203.9 408.109,-2201.15"/> -<polygon fill="midnightblue" stroke="midnightblue" points="271.11,-2556.08 274.201,-2566.21 278.104,-2556.37 271.11,-2556.08"/> -</g> -<!-- Node118 --> -<g id="node118" class="node"><title>Node118</title> -<g id="a_node118"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionHor\lKernel\< 7 \>"> -<polygon fill="white" stroke="black" points="401.5,-2122 401.5,-2152 543.5,-2152 543.5,-2122 401.5,-2122"/> -<text text-anchor="start" x="409.5" y="-2140" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionHor</text> -<text text-anchor="middle" x="472.5" y="-2129" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 7 ></text> -</a> -</g> -</g> -<!-- Node87->Node118 --> -<g id="edge117" class="edge"><title>Node87->Node118</title> -<path fill="none" stroke="midnightblue" d="M277.312,-2556.04C290.045,-2481.51 337.994,-2220.83 395,-2162 398.792,-2158.09 403.204,-2154.79 407.959,-2152"/> -<polygon fill="midnightblue" stroke="midnightblue" points="273.786,-2555.9 275.575,-2566.34 280.689,-2557.06 273.786,-2555.9"/> -</g> -<!-- Node119 --> -<g id="node119" class="node"><title>Node119</title> -<g id="a_node119"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionHor\lKernel\< 9 \>"> -<polygon fill="white" stroke="black" points="401.5,-2073 401.5,-2103 543.5,-2103 543.5,-2073 401.5,-2073"/> -<text text-anchor="start" x="409.5" y="-2091" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionHor</text> -<text text-anchor="middle" x="472.5" y="-2080" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 9 ></text> -</a> -</g> -</g> -<!-- Node87->Node119 --> -<g id="edge118" class="edge"><title>Node87->Node119</title> -<path fill="none" stroke="midnightblue" d="M278.533,-2556.55C298.592,-2470.79 379.075,-2129.91 395,-2113 398.64,-2109.13 402.884,-2105.87 407.474,-2103.1"/> -<polygon fill="midnightblue" stroke="midnightblue" points="275.121,-2555.77 276.255,-2566.31 281.937,-2557.37 275.121,-2555.77"/> -</g> -<!-- Node120 --> -<g id="node120" class="node"><title>Node120</title> -<g id="a_node120"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionVert\lKernel\< 5 \>"> -<polygon fill="white" stroke="black" points="400.5,-2024 400.5,-2054 544.5,-2054 544.5,-2024 400.5,-2024"/> -<text text-anchor="start" x="408.5" y="-2042" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionVert</text> -<text text-anchor="middle" x="472.5" y="-2031" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 5 ></text> -</a> -</g> -</g> -<!-- Node87->Node120 --> -<g id="edge119" class="edge"><title>Node87->Node120</title> -<path fill="none" stroke="midnightblue" d="M278.866,-2556.44C292.064,-2503.26 329.528,-2351.56 359,-2225 375.629,-2153.59 345.697,-2118.27 395,-2064 398.476,-2060.17 402.546,-2056.93 406.964,-2054.18"/> -<polygon fill="midnightblue" stroke="midnightblue" points="275.443,-2555.7 276.429,-2566.24 282.237,-2557.38 275.443,-2555.7"/> -</g> -<!-- Node121 --> -<g id="node121" class="node"><title>Node121</title> -<g id="a_node121"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionVert\lKernel\< 7 \>"> -<polygon fill="white" stroke="black" points="400.5,-1975 400.5,-2005 544.5,-2005 544.5,-1975 400.5,-1975"/> -<text text-anchor="start" x="408.5" y="-1993" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionVert</text> -<text text-anchor="middle" x="472.5" y="-1982" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 7 ></text> -</a> -</g> -</g> -<!-- Node87->Node121 --> -<g id="edge120" class="edge"><title>Node87->Node121</title> -<path fill="none" stroke="midnightblue" d="M279.212,-2556.51C293.277,-2503.53 332.714,-2352.26 359,-2225 378.155,-2132.26 333.105,-2086.67 395,-2015 398.288,-2011.19 402.164,-2007.96 406.397,-2005.22"/> -<polygon fill="midnightblue" stroke="midnightblue" points="275.801,-2555.72 276.61,-2566.28 282.565,-2557.52 275.801,-2555.72"/> -</g> -<!-- Node122 --> -<g id="node122" class="node"><title>Node122</title> -<g id="a_node122"><a xlink:href="classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml" target="_top" xlink:title="NESeparableConvolutionVert\lKernel\< 9 \>"> -<polygon fill="white" stroke="black" points="400.5,-1926 400.5,-1956 544.5,-1956 544.5,-1926 400.5,-1926"/> -<text text-anchor="start" x="408.5" y="-1944" font-family="Helvetica,sans-Serif" font-size="10.00">NESeparableConvolutionVert</text> -<text text-anchor="middle" x="472.5" y="-1933" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel< 9 ></text> -</a> -</g> -</g> -<!-- Node87->Node122 --> -<g id="edge121" class="edge"><title>Node87->Node122</title> -<path fill="none" stroke="midnightblue" d="M279.432,-2556.56C294.045,-2503.68 334.732,-2352.66 359,-2225 369.852,-2167.91 357.72,-2010.57 395,-1966 398.227,-1962.14 402.059,-1958.87 406.263,-1956.11"/> -<polygon fill="midnightblue" stroke="midnightblue" points="276.027,-2555.73 276.724,-2566.31 282.772,-2557.61 276.027,-2555.73"/> +<path fill="none" stroke="midnightblue" d="M282.284,-2391.05C298.687,-2352.98 335.721,-2264.24 359,-2187 380.034,-2117.21 344.354,-2079.42 395,-2027 400.628,-2021.18 407.725,-2016.97 415.315,-2013.95"/> +<polygon fill="midnightblue" stroke="midnightblue" points="279,-2389.82 278.233,-2400.39 285.422,-2392.61 279,-2389.82"/> </g> <!-- Node91 --> <g id="node91" class="node"><title>Node91</title> <g id="a_node91"><a xlink:href="classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate weighted kernel using F16. "> -<polygon fill="white" stroke="black" points="589.5,-3146 589.5,-3176 736.5,-3176 736.5,-3146 589.5,-3146"/> -<text text-anchor="start" x="597.5" y="-3164" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateWeightedFP16</text> -<text text-anchor="middle" x="663" y="-3153" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> +<polygon fill="white" stroke="black" points="589.5,-2809 589.5,-2839 736.5,-2839 736.5,-2809 589.5,-2809"/> +<text text-anchor="start" x="597.5" y="-2827" font-family="Helvetica,sans-Serif" font-size="10.00">NEAccumulateWeightedFP16</text> +<text text-anchor="middle" x="663" y="-2816" font-family="Helvetica,sans-Serif" font-size="10.00">Kernel</text> </a> </g> </g> <!-- Node90->Node91 --> <g id="edge90" class="edge"><title>Node90->Node91</title> -<path fill="none" stroke="midnightblue" d="M558.713,-3169.77C568.95,-3168.9 579.331,-3168.02 589.366,-3167.17"/> -<polygon fill="midnightblue" stroke="midnightblue" points="558.21,-3166.3 548.542,-3170.63 558.802,-3173.27 558.21,-3166.3"/> +<path fill="none" stroke="midnightblue" d="M558.713,-2832.77C568.95,-2831.9 579.331,-2831.02 589.366,-2830.17"/> +<polygon fill="midnightblue" stroke="midnightblue" points="558.21,-2829.3 548.542,-2833.63 558.802,-2836.27 558.21,-2829.3"/> </g> <!-- Node94 --> <g id="node94" class="node"><title>Node94</title> <g id="a_node94"><a xlink:href="classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform a Box 3x3 filter using F16 simd. "> -<polygon fill="white" stroke="black" points="605.5,-3091.5 605.5,-3110.5 720.5,-3110.5 720.5,-3091.5 605.5,-3091.5"/> -<text text-anchor="middle" x="663" y="-3098.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBox3x3FP16Kernel</text> +<polygon fill="white" stroke="black" points="605.5,-2754.5 605.5,-2773.5 720.5,-2773.5 720.5,-2754.5 605.5,-2754.5"/> +<text text-anchor="middle" x="663" y="-2761.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEBox3x3FP16Kernel</text> </a> </g> </g> <!-- Node93->Node94 --> <g id="edge93" class="edge"><title>Node93->Node94</title> -<path fill="none" stroke="midnightblue" d="M528.713,-3101C552.842,-3101 581.115,-3101 605.399,-3101"/> -<polygon fill="midnightblue" stroke="midnightblue" points="528.65,-3097.5 518.65,-3101 528.65,-3104.5 528.65,-3097.5"/> +<path fill="none" stroke="midnightblue" d="M528.713,-2764C552.842,-2764 581.115,-2764 605.399,-2764"/> +<polygon fill="midnightblue" stroke="midnightblue" points="528.65,-2760.5 518.65,-2764 528.65,-2767.5 528.65,-2760.5"/> </g> -<!-- Node124 --> -<g id="node124" class="node"><title>Node124</title> -<g id="a_node124"><a xlink:href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate Weighted kernel using F16. "> -<polygon fill="white" stroke="black" points="405.5,-1877 405.5,-1907 539.5,-1907 539.5,-1877 405.5,-1877"/> -<text text-anchor="start" x="413.5" y="-1895" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisScoreFP16Kernel</text> -<text text-anchor="middle" x="472.5" y="-1884" font-family="Helvetica,sans-Serif" font-size="10.00">< block_size ></text> +<!-- Node115 --> +<g id="node115" class="node"><title>Node115</title> +<g id="a_node115"><a xlink:href="classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml" target="_top" xlink:title="Interface for the accumulate Weighted kernel using F16. "> +<polygon fill="white" stroke="black" points="405.5,-1948 405.5,-1978 539.5,-1978 539.5,-1948 405.5,-1948"/> +<text text-anchor="start" x="413.5" y="-1966" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisScoreFP16Kernel</text> +<text text-anchor="middle" x="472.5" y="-1955" font-family="Helvetica,sans-Serif" font-size="10.00">< block_size ></text> </a> </g> </g> -<!-- Node123->Node124 --> -<g id="edge123" class="edge"><title>Node123->Node124</title> -<path fill="none" stroke="midnightblue" d="M339.477,-2200.21C346.839,-2197.14 353.613,-2192.88 359,-2187 440.784,-2097.74 317.59,-2010.08 395,-1917 398.216,-1913.13 402.041,-1909.86 406.239,-1907.09"/> -<polygon fill="midnightblue" stroke="midnightblue" points="338.231,-2196.93 329.898,-2203.48 340.493,-2203.56 338.231,-2196.93"/> +<!-- Node114->Node115 --> +<g id="edge114" class="edge"><title>Node114->Node115</title> +<path fill="none" stroke="midnightblue" d="M339.298,-2161.63C346.623,-2158.65 353.436,-2154.56 359,-2149 410.849,-2097.15 345.697,-2042.27 395,-1988 398.476,-1984.17 402.546,-1980.93 406.964,-1978.18"/> +<polygon fill="midnightblue" stroke="midnightblue" points="338.153,-2158.32 329.801,-2164.84 340.395,-2164.95 338.153,-2158.32"/> </g> -<!-- Node125 --> -<g id="node125" class="node"><title>Node125</title> -<g id="a_node125"><a xlink:href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml" target="_top" xlink:title="Template NEON kernel to perform Harris Score. "> -<polygon fill="white" stroke="black" points="417.5,-1828 417.5,-1858 527.5,-1858 527.5,-1828 417.5,-1828"/> -<text text-anchor="start" x="425.5" y="-1846" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisScoreKernel</text> -<text text-anchor="middle" x="472.5" y="-1835" font-family="Helvetica,sans-Serif" font-size="10.00">< block_size ></text> +<!-- Node116 --> +<g id="node116" class="node"><title>Node116</title> +<g id="a_node116"><a xlink:href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml" target="_top" xlink:title="Template NEON kernel to perform Harris Score. "> +<polygon fill="white" stroke="black" points="417.5,-1899 417.5,-1929 527.5,-1929 527.5,-1899 417.5,-1899"/> +<text text-anchor="start" x="425.5" y="-1917" font-family="Helvetica,sans-Serif" font-size="10.00">NEHarrisScoreKernel</text> +<text text-anchor="middle" x="472.5" y="-1906" font-family="Helvetica,sans-Serif" font-size="10.00">< block_size ></text> </a> </g> </g> -<!-- Node123->Node125 --> -<g id="edge124" class="edge"><title>Node123->Node125</title> -<path fill="none" stroke="midnightblue" d="M339.296,-2200.43C346.753,-2197.34 353.602,-2193.01 359,-2187 454.321,-2080.84 304.88,-1978.61 395,-1868 400.825,-1860.85 408.731,-1855.73 417.258,-1852.06"/> -<polygon fill="midnightblue" stroke="midnightblue" points="337.94,-2197.19 329.587,-2203.71 340.181,-2203.83 337.94,-2197.19"/> +<!-- Node114->Node116 --> +<g id="edge115" class="edge"><title>Node114->Node116</title> +<path fill="none" stroke="midnightblue" d="M339.272,-2162.01C346.666,-2158.98 353.505,-2154.78 359,-2149 424.26,-2080.38 333.105,-2010.67 395,-1939 400.936,-1932.13 408.79,-1927.13 417.204,-1923.5"/> +<polygon fill="midnightblue" stroke="midnightblue" points="338.02,-2158.74 329.667,-2165.26 340.261,-2165.37 338.02,-2158.74"/> </g> -<!-- Node127 --> -<g id="node127" class="node"><title>Node127</title> -<g id="a_node127"><a xlink:href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute warp affine. "> -<polygon fill="white" stroke="black" points="419,-1779 419,-1809 526,-1809 526,-1779 419,-1779"/> -<text text-anchor="start" x="427" y="-1797" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpAffineKernel</text> -<text text-anchor="middle" x="472.5" y="-1786" font-family="Helvetica,sans-Serif" font-size="10.00">< interpolation ></text> +<!-- Node118 --> +<g id="node118" class="node"><title>Node118</title> +<g id="a_node118"><a xlink:href="classarm__compute_1_1_n_e_warp_affine_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute warp affine. "> +<polygon fill="white" stroke="black" points="419,-1850 419,-1880 526,-1880 526,-1850 419,-1850"/> +<text text-anchor="start" x="427" y="-1868" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpAffineKernel</text> +<text text-anchor="middle" x="472.5" y="-1857" font-family="Helvetica,sans-Serif" font-size="10.00">< interpolation ></text> </a> </g> </g> -<!-- Node126->Node127 --> -<g id="edge126" class="edge"><title>Node126->Node127</title> -<path fill="none" stroke="midnightblue" d="M325.893,-2166.66C338.346,-2163.82 350.488,-2158.52 359,-2149 457.363,-2039.04 302.023,-1933.55 395,-1819 401.164,-1811.41 409.676,-1806.1 418.793,-1802.39"/> -<polygon fill="midnightblue" stroke="midnightblue" points="325.134,-2163.24 315.903,-2168.44 326.362,-2170.13 325.134,-2163.24"/> +<!-- Node117->Node118 --> +<g id="edge117" class="edge"><title>Node117->Node118</title> +<path fill="none" stroke="midnightblue" d="M325.558,-2128.35C338.013,-2125.52 350.24,-2120.29 359,-2111 427.283,-2038.61 330.267,-1965.59 395,-1890 401.271,-1882.68 409.719,-1877.49 418.715,-1873.81"/> +<polygon fill="midnightblue" stroke="midnightblue" points="324.806,-2124.93 315.583,-2130.14 326.044,-2131.82 324.806,-2124.93"/> </g> -<!-- Node128 --> -<g id="node128" class="node"><title>Node128</title> -<g id="a_node128"><a xlink:href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute warp perspective. "> -<polygon fill="white" stroke="black" points="405.5,-1730 405.5,-1760 539.5,-1760 539.5,-1730 405.5,-1730"/> -<text text-anchor="start" x="413.5" y="-1748" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpPerspectiveKernel</text> -<text text-anchor="middle" x="472.5" y="-1737" font-family="Helvetica,sans-Serif" font-size="10.00">< interpolation ></text> +<!-- Node119 --> +<g id="node119" class="node"><title>Node119</title> +<g id="a_node119"><a xlink:href="classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml" target="_top" xlink:title="Template interface for the kernel to compute warp perspective. "> +<polygon fill="white" stroke="black" points="405.5,-1801 405.5,-1831 539.5,-1831 539.5,-1801 405.5,-1801"/> +<text text-anchor="start" x="413.5" y="-1819" font-family="Helvetica,sans-Serif" font-size="10.00">NEWarpPerspectiveKernel</text> +<text text-anchor="middle" x="472.5" y="-1808" font-family="Helvetica,sans-Serif" font-size="10.00">< interpolation ></text> </a> </g> </g> -<!-- Node126->Node128 --> -<g id="edge127" class="edge"><title>Node126->Node128</title> -<path fill="none" stroke="midnightblue" d="M325.633,-2166.82C338.208,-2164 350.476,-2158.66 359,-2149 414.962,-2085.55 342.145,-1836.06 395,-1770 398.055,-1766.18 401.705,-1762.94 405.73,-1760.19"/> -<polygon fill="midnightblue" stroke="midnightblue" points="324.8,-2163.41 315.548,-2168.57 326,-2170.31 324.8,-2163.41"/> +<!-- Node117->Node119 --> +<g id="edge118" class="edge"><title>Node117->Node119</title> +<path fill="none" stroke="midnightblue" d="M325.74,-2128.52C338.194,-2125.68 350.375,-2120.41 359,-2111 440.784,-2021.74 317.59,-1934.08 395,-1841 398.216,-1837.13 402.041,-1833.86 406.239,-1831.09"/> +<polygon fill="midnightblue" stroke="midnightblue" points="324.984,-2125.1 315.757,-2130.31 326.217,-2131.99 324.984,-2125.1"/> </g> -<!-- Node153 --> -<g id="node153" class="node"><title>Node153</title> -<g id="a_node153"><a xlink:href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Gradient computation. "> -<polygon fill="white" stroke="black" points="413,-1199.5 413,-1218.5 532,-1218.5 532,-1199.5 413,-1199.5"/> -<text text-anchor="middle" x="472.5" y="-1206.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGradientFP16Kernel</text> +<!-- Node144 --> +<g id="node144" class="node"><title>Node144</title> +<g id="a_node144"><a xlink:href="classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Gradient computation. "> +<polygon fill="white" stroke="black" points="413,-1161.5 413,-1180.5 532,-1180.5 532,-1161.5 413,-1161.5"/> +<text text-anchor="middle" x="472.5" y="-1168.5" font-family="Helvetica,sans-Serif" font-size="10.00">NEGradientFP16Kernel</text> </a> </g> </g> -<!-- Node152->Node153 --> -<g id="edge152" class="edge"><title>Node152->Node153</title> -<path fill="none" stroke="midnightblue" d="M331.099,-1209C356.689,-1209 386.848,-1209 412.643,-1209"/> -<polygon fill="midnightblue" stroke="midnightblue" points="330.805,-1205.5 320.805,-1209 330.805,-1212.5 330.805,-1205.5"/> +<!-- Node143->Node144 --> +<g id="edge143" class="edge"><title>Node143->Node144</title> +<path fill="none" stroke="midnightblue" d="M331.099,-1171C356.689,-1171 386.848,-1171 412.643,-1171"/> +<polygon fill="midnightblue" stroke="midnightblue" points="330.805,-1167.5 320.805,-1171 330.805,-1174.5 330.805,-1167.5"/> </g> -<!-- Node171 --> -<g id="node171" class="node"><title>Node171</title> -<g id="a_node171"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Non-Maxima suppression 3x3. "> +<!-- Node161 --> +<g id="node161" class="node"><title>Node161</title> +<g id="a_node161"><a xlink:href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml" target="_top" xlink:title="NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data ..."> <polygon fill="white" stroke="black" points="396,-507 396,-537 549,-537 549,-507 396,-507"/> <text text-anchor="start" x="404" y="-525" font-family="Helvetica,sans-Serif" font-size="10.00">NENonMaximaSuppression3x3</text> <text text-anchor="middle" x="472.5" y="-514" font-family="Helvetica,sans-Serif" font-size="10.00">FP16Kernel</text> </a> </g> </g> -<!-- Node170->Node171 --> -<g id="edge170" class="edge"><title>Node170->Node171</title> +<!-- Node160->Node161 --> +<g id="edge160" class="edge"><title>Node160->Node161</title> <path fill="none" stroke="midnightblue" d="M359.54,-522C371.572,-522 383.87,-522 395.703,-522"/> <polygon fill="midnightblue" stroke="midnightblue" points="359.512,-518.5 349.512,-522 359.512,-525.5 359.512,-518.5"/> </g> diff --git a/documentation/inherit_graph_36.map b/documentation/inherit_graph_36.map index a96e6b1bc..0c23a0dad 100644 --- a/documentation/inherit_graph_36.map +++ b/documentation/inherit_graph_36.map @@ -1,3 +1,3 @@ <map id="Graphical Class Hierarchy" name="Graphical Class Hierarchy"> -<area shape="rect" id="node1" href="$struct_keypoint.xhtml" title="Keypoint" alt="" coords="5,5,79,32"/> +<area shape="rect" id="node1" href="$structarm__compute_1_1_key_point.xhtml" title="Keypoint type. " alt="" coords="5,5,80,32"/> </map> diff --git a/documentation/inherit_graph_36.md5 b/documentation/inherit_graph_36.md5 index fec709e57..debac5125 100644 --- a/documentation/inherit_graph_36.md5 +++ b/documentation/inherit_graph_36.md5 @@ -1 +1 @@ -0ba1fe6491785a0c1d2c383ddb8ff4fc
\ No newline at end of file +31814aee45c76a68b9e461805baef78c
\ No newline at end of file diff --git a/documentation/inherit_graph_36.svg b/documentation/inherit_graph_36.svg index 6b8fd7944..6f77fd57a 100644 --- a/documentation/inherit_graph_36.svg +++ b/documentation/inherit_graph_36.svg @@ -4,16 +4,16 @@ <!-- Generated by graphviz version 2.38.0 (20140413.2041) --> <!-- Title: Graphical Class Hierarchy Pages: 1 --> -<svg width="63pt" height="28pt" - viewBox="0.00 0.00 63.00 28.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<svg width="64pt" height="28pt" + viewBox="0.00 0.00 64.00 28.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> <g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 24)"> <title>Graphical Class Hierarchy</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-24 59,-24 59,4 -4,4"/> +<polygon fill="white" stroke="none" points="-4,4 -4,-24 60,-24 60,4 -4,4"/> <!-- Node1 --> <g id="node1" class="node"><title>Node1</title> -<g id="a_node1"><a xlink:href="struct_keypoint.xhtml" target="_top" xlink:title="Keypoint"> -<polygon fill="white" stroke="black" points="0,-0.5 0,-19.5 55,-19.5 55,-0.5 0,-0.5"/> -<text text-anchor="middle" x="27.5" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">Keypoint</text> +<g id="a_node1"><a xlink:href="structarm__compute_1_1_key_point.xhtml" target="_top" xlink:title="Keypoint type. "> +<polygon fill="white" stroke="black" points="-3.55271e-15,-0.5 -3.55271e-15,-19.5 56,-19.5 56,-0.5 -3.55271e-15,-0.5"/> +<text text-anchor="middle" x="28" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">KeyPoint</text> </a> </g> </g> diff --git a/documentation/inherit_graph_37.map b/documentation/inherit_graph_37.map index 0c23a0dad..a96e6b1bc 100644 --- a/documentation/inherit_graph_37.map +++ b/documentation/inherit_graph_37.map @@ -1,3 +1,3 @@ <map id="Graphical Class Hierarchy" name="Graphical Class Hierarchy"> -<area shape="rect" id="node1" href="$structarm__compute_1_1_key_point.xhtml" title="Keypoint type. " alt="" coords="5,5,80,32"/> +<area shape="rect" id="node1" href="$struct_keypoint.xhtml" title="Keypoint" alt="" coords="5,5,79,32"/> </map> diff --git a/documentation/inherit_graph_37.md5 b/documentation/inherit_graph_37.md5 index debac5125..fec709e57 100644 --- a/documentation/inherit_graph_37.md5 +++ b/documentation/inherit_graph_37.md5 @@ -1 +1 @@ -31814aee45c76a68b9e461805baef78c
\ No newline at end of file +0ba1fe6491785a0c1d2c383ddb8ff4fc
\ No newline at end of file diff --git a/documentation/inherit_graph_37.svg b/documentation/inherit_graph_37.svg index 6f77fd57a..6b8fd7944 100644 --- a/documentation/inherit_graph_37.svg +++ b/documentation/inherit_graph_37.svg @@ -4,16 +4,16 @@ <!-- Generated by graphviz version 2.38.0 (20140413.2041) --> <!-- Title: Graphical Class Hierarchy Pages: 1 --> -<svg width="64pt" height="28pt" - viewBox="0.00 0.00 64.00 28.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> +<svg width="63pt" height="28pt" + viewBox="0.00 0.00 63.00 28.00" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink"> <g id="graph0" class="graph" transform="scale(1 1) rotate(0) translate(4 24)"> <title>Graphical Class Hierarchy</title> -<polygon fill="white" stroke="none" points="-4,4 -4,-24 60,-24 60,4 -4,4"/> +<polygon fill="white" stroke="none" points="-4,4 -4,-24 59,-24 59,4 -4,4"/> <!-- Node1 --> <g id="node1" class="node"><title>Node1</title> -<g id="a_node1"><a xlink:href="structarm__compute_1_1_key_point.xhtml" target="_top" xlink:title="Keypoint type. "> -<polygon fill="white" stroke="black" points="-3.55271e-15,-0.5 -3.55271e-15,-19.5 56,-19.5 56,-0.5 -3.55271e-15,-0.5"/> -<text text-anchor="middle" x="28" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">KeyPoint</text> +<g id="a_node1"><a xlink:href="struct_keypoint.xhtml" target="_top" xlink:title="Keypoint"> +<polygon fill="white" stroke="black" points="0,-0.5 0,-19.5 55,-19.5 55,-0.5 0,-0.5"/> +<text text-anchor="middle" x="27.5" y="-7.5" font-family="Helvetica,sans-Serif" font-size="10.00">Keypoint</text> </a> </g> </g> diff --git a/documentation/inherits.xhtml b/documentation/inherits.xhtml index 3a4df78c9..c8b5d0c81 100644 --- a/documentation/inherits.xhtml +++ b/documentation/inherits.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -163,11 +163,11 @@ $(document).ready(function(){initNavTree('hierarchy.xhtml','');}); </td></tr> <tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_20.svg" width="606" height="88"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> -<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_21.svg" width="554" height="4243"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_21.svg" width="554" height="4294"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> <tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_22.svg" width="167" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> -<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_23.svg" width="1222" height="7523"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_23.svg" width="1222" height="7074"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> <tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_24.svg" width="270" height="88"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> @@ -193,9 +193,9 @@ $(document).ready(function(){initNavTree('hierarchy.xhtml','');}); </td></tr> <tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_35.svg" width="70" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> -<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_36.svg" width="84" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_36.svg" width="86" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> -<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_37.svg" width="86" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> +<tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_37.svg" width="84" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> <tr><td><iframe scrolling="no" frameborder="0" src="inherit_graph_38.svg" width="119" height="38"><p><b>This browser is not able to show SVG: try Firefox, Chrome, Safari, or Opera instead.</b></p></iframe> </td></tr> @@ -237,7 +237,7 @@ $(document).ready(function(){initNavTree('hierarchy.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/integral__image_8cl.xhtml b/documentation/integral__image_8cl.xhtml index a5f8c3835..785d3b553 100644 --- a/documentation/integral__image_8cl.xhtml +++ b/documentation/integral__image_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -327,7 +327,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="integral__image_8cl.xhtml">integral_image.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/integral__image_8cl_source.xhtml b/documentation/integral__image_8cl_source.xhtml index 693953e8e..02ecd108e 100644 --- a/documentation/integral__image_8cl_source.xhtml +++ b/documentation/integral__image_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('integral__image_8cl_source.xhtml',''); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="integral__image_8cl.xhtml">integral_image.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/magnitude__phase_8cl.xhtml b/documentation/magnitude__phase_8cl.xhtml index 7273fbff6..d4bcd4f80 100644 --- a/documentation/magnitude__phase_8cl.xhtml +++ b/documentation/magnitude__phase_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -618,7 +618,7 @@ Datatype of the two inputs is passed at compile time using -DDATA_TYPE. e.g -DDA <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="magnitude__phase_8cl.xhtml">magnitude_phase.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/magnitude__phase_8cl_source.xhtml b/documentation/magnitude__phase_8cl_source.xhtml index 5373a3419..4cff1eef7 100644 --- a/documentation/magnitude__phase_8cl_source.xhtml +++ b/documentation/magnitude__phase_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('magnitude__phase_8cl_source.xhtml','') <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="magnitude__phase_8cl.xhtml">magnitude_phase.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/mean__stddev_8cl.xhtml b/documentation/mean__stddev_8cl.xhtml index b1dc2fdc8..82b08bfeb 100644 --- a/documentation/mean__stddev_8cl.xhtml +++ b/documentation/mean__stddev_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -227,7 +227,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="mean__stddev_8cl.xhtml">mean_stddev.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/mean__stddev_8cl_source.xhtml b/documentation/mean__stddev_8cl_source.xhtml index 72b4c852b..dfa697c53 100644 --- a/documentation/mean__stddev_8cl_source.xhtml +++ b/documentation/mean__stddev_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -128,7 +128,7 @@ $(document).ready(function(){initNavTree('mean__stddev_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="mean__stddev_8cl.xhtml">mean_stddev.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/minmaxloc_8cl.xhtml b/documentation/minmaxloc_8cl.xhtml index ff3afc794..31f38d96d 100644 --- a/documentation/minmaxloc_8cl.xhtml +++ b/documentation/minmaxloc_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -444,7 +444,7 @@ In case image width is not a multiple of 16 then -DNON_MULTIPLE_OF_16 must be pa <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="minmaxloc_8cl.xhtml">minmaxloc.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/minmaxloc_8cl_source.xhtml b/documentation/minmaxloc_8cl_source.xhtml index 13e1df266..bf0669793 100644 --- a/documentation/minmaxloc_8cl_source.xhtml +++ b/documentation/minmaxloc_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('minmaxloc_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="minmaxloc_8cl.xhtml">minmaxloc.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacearm__compute.js b/documentation/namespacearm__compute.js index 244c88bf2..6a48d9197 100644 --- a/documentation/namespacearm__compute.js +++ b/documentation/namespacearm__compute.js @@ -79,6 +79,7 @@ var namespacearm__compute = [ "CLGaussianPyramidOrb", "classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml", "classarm__compute_1_1_c_l_gaussian_pyramid_orb" ], [ "CLGaussianPyramidVertKernel", "classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml", "classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel" ], [ "CLGEMM", "classarm__compute_1_1_c_l_g_e_m_m.xhtml", "classarm__compute_1_1_c_l_g_e_m_m" ], + [ "CLGEMMInterleave4x4", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4" ], [ "CLGEMMInterleave4x4Kernel", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel" ], [ "CLGEMMLowp", "classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_lowp" ], [ "CLGEMMLowpMatrixMultiplyKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml", "classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel" ], @@ -247,14 +248,12 @@ var namespacearm__compute = [ "NEColorConvert", "classarm__compute_1_1_n_e_color_convert.xhtml", "classarm__compute_1_1_n_e_color_convert" ], [ "NEColorConvertKernel", "classarm__compute_1_1_n_e_color_convert_kernel.xhtml", "classarm__compute_1_1_n_e_color_convert_kernel" ], [ "NEConvolution3x3", "classarm__compute_1_1_n_e_convolution3x3.xhtml", "classarm__compute_1_1_n_e_convolution3x3" ], - [ "NEConvolution5x5", "classarm__compute_1_1_n_e_convolution5x5.xhtml", "classarm__compute_1_1_n_e_convolution5x5" ], - [ "NEConvolution7x7", "classarm__compute_1_1_n_e_convolution7x7.xhtml", "classarm__compute_1_1_n_e_convolution7x7" ], - [ "NEConvolution9x9", "classarm__compute_1_1_n_e_convolution9x9.xhtml", "classarm__compute_1_1_n_e_convolution9x9" ], [ "NEConvolutionKernel", "classarm__compute_1_1_n_e_convolution_kernel.xhtml", "classarm__compute_1_1_n_e_convolution_kernel" ], [ "NEConvolutionLayer", "classarm__compute_1_1_n_e_convolution_layer.xhtml", "classarm__compute_1_1_n_e_convolution_layer" ], [ "NEConvolutionLayerWeightsReshapeKernel", "classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml", "classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel" ], [ "NEConvolutionRectangle", "classarm__compute_1_1_n_e_convolution_rectangle.xhtml", "classarm__compute_1_1_n_e_convolution_rectangle" ], [ "NEConvolutionRectangleKernel", "classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml", "classarm__compute_1_1_n_e_convolution_rectangle_kernel" ], + [ "NEConvolutionSquare", "classarm__compute_1_1_n_e_convolution_square.xhtml", "classarm__compute_1_1_n_e_convolution_square" ], [ "NECumulativeDistributionKernel", "classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml", "classarm__compute_1_1_n_e_cumulative_distribution_kernel" ], [ "NEDepthConvert", "classarm__compute_1_1_n_e_depth_convert.xhtml", "classarm__compute_1_1_n_e_depth_convert" ], [ "NEDepthConvertKernel", "classarm__compute_1_1_n_e_depth_convert_kernel.xhtml", "classarm__compute_1_1_n_e_depth_convert_kernel" ], @@ -300,7 +299,6 @@ var namespacearm__compute = [ "NEHarrisScoreFP16Kernel", "classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml", "classarm__compute_1_1_n_e_harris_score_f_p16_kernel" ], [ "NEHarrisScoreKernel", "classarm__compute_1_1_n_e_harris_score_kernel.xhtml", "classarm__compute_1_1_n_e_harris_score_kernel" ], [ "NEHistogram", "classarm__compute_1_1_n_e_histogram.xhtml", "classarm__compute_1_1_n_e_histogram" ], - [ "NEHistogramBorderKernel", "classarm__compute_1_1_n_e_histogram_border_kernel.xhtml", "classarm__compute_1_1_n_e_histogram_border_kernel" ], [ "NEHistogramKernel", "classarm__compute_1_1_n_e_histogram_kernel.xhtml", "classarm__compute_1_1_n_e_histogram_kernel" ], [ "NEHOGBlockNormalizationKernel", "classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml", "classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel" ], [ "NEHOGDescriptor", "classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml", "classarm__compute_1_1_n_e_h_o_g_descriptor" ], diff --git a/documentation/namespacearm__compute.xhtml b/documentation/namespacearm__compute.xhtml index 0a8fba0ca..15c085da5 100644 --- a/documentation/namespacearm__compute.xhtml +++ b/documentation/namespacearm__compute.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -368,6 +368,9 @@ Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m.xhtml">CLGEMM</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute GEMM on OpenCL. <a href="classarm__compute_1_1_c_l_g_e_m_m.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml">CLGEMMInterleave4x4</a></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute <a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml" title="OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. ">CLGEMMInterleave4x4Kernel</a>. <a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#details">More...</a><br /></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml">CLGEMMInterleave4x4Kernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">OpenCL kernel which interleaves the elements of a matrix A in chunk of 4x4. <a href="classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> @@ -872,15 +875,6 @@ Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 3x3. <a href="classarm__compute_1_1_n_e_convolution3x3.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 5x5. <a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution7x7.xhtml">NEConvolution7x7</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 7x7. <a href="classarm__compute_1_1_n_e_convolution7x7.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution9x9.xhtml">NEConvolution9x9</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 9x9. <a href="classarm__compute_1_1_n_e_convolution9x9.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_kernel.xhtml">NEConvolutionKernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the kernel to run an arbitrary size convolution on a tensor. <a href="classarm__compute_1_1_n_e_convolution_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> @@ -896,6 +890,9 @@ Data Structures</h2></td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml">NEConvolutionRectangleKernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight"><a class="el" href="classarm__compute_1_1_kernel.xhtml" title="Kernel class. ">Kernel</a> for the running convolution on a rectangle matrix. <a href="classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute convolution of size 5x5, 7x7, 9x9. <a href="classarm__compute_1_1_n_e_convolution_square.xhtml#details">More...</a><br /></td></tr> +<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml">NECumulativeDistributionKernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the cumulative distribution (cummulative summmation) calculation kernel. <a href="classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> @@ -1029,10 +1026,7 @@ Data Structures</h2></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Template NEON kernel to perform Harris Score. <a href="classarm__compute_1_1_n_e_harris_score_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram.xhtml">NEHistogram</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute histogram. <a href="classarm__compute_1_1_n_e_histogram.xhtml#details">More...</a><br /></td></tr> -<tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml">NEHistogramBorderKernel</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the histogram border handling kernel. <a href="classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#details">More...</a><br /></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run <a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a>. <a href="classarm__compute_1_1_n_e_histogram.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_histogram_kernel.xhtml">NEHistogramKernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface for the histogram kernel. <a href="classarm__compute_1_1_n_e_histogram_kernel.xhtml#details">More...</a><br /></td></tr> @@ -1131,7 +1125,7 @@ Data Structures</h2></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to execute non-maxima suppression over a 3x3 window. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml">NENonMaximaSuppression3x3FP16Kernel</a></td></tr> -<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">NEON kernel to perform Non-Maxima suppression 3x3. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#details">More...</a><br /></td></tr> +<tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">NEON kernel to perform Non-Maxima suppression 3x3 with intermediate results in F16 if the input data type is F32. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#details">More...</a><br /></td></tr> <tr class="separator:"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:"><td class="memItemLeft" align="right" valign="top">class  </td><td class="memItemRight" valign="bottom"><a class="el" href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml">NENonMaximaSuppression3x3Kernel</a></td></tr> <tr class="memdesc:"><td class="mdescLeft"> </td><td class="mdescRight">Interface to perform Non-Maxima suppression over a 3x3 window using NEON. <a href="classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#details">More...</a><br /></td></tr> @@ -1473,6 +1467,15 @@ Typedefs</h2></td></tr> <tr class="separator:afcef84cf3b7d147b2b6ab0bd884afc16"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a4ec6965f606c588137f7a48d84c1d6f0"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a4ec6965f606c588137f7a48d84c1d6f0">CLOldValueArray</a> = <a class="el" href="classarm__compute_1_1_c_l_array.xhtml">CLArray</a>< <a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml">CLOldValue</a> ></td></tr> <tr class="separator:a4ec6965f606c588137f7a48d84c1d6f0"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:adbc7771d367ba8f51da1450d3602e5c0"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">NEConvolution5x5</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a>< 5 ></td></tr> +<tr class="memdesc:adbc7771d367ba8f51da1450d3602e5c0"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 5x5 convolution. <a href="#adbc7771d367ba8f51da1450d3602e5c0">More...</a><br /></td></tr> +<tr class="separator:adbc7771d367ba8f51da1450d3602e5c0"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aeb2682fbeb2766df26b4be1971c9757d"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">NEConvolution7x7</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a>< 7 ></td></tr> +<tr class="memdesc:aeb2682fbeb2766df26b4be1971c9757d"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 7x7 convolution. <a href="#aeb2682fbeb2766df26b4be1971c9757d">More...</a><br /></td></tr> +<tr class="separator:aeb2682fbeb2766df26b4be1971c9757d"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae5a088552f26a1afafd0cbf821d256fb"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">NEConvolution9x9</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a>< 9 ></td></tr> +<tr class="memdesc:ae5a088552f26a1afafd0cbf821d256fb"><td class="mdescLeft"> </td><td class="mdescRight">Basic function to run 9x9 convolution. <a href="#ae5a088552f26a1afafd0cbf821d256fb">More...</a><br /></td></tr> +<tr class="separator:ae5a088552f26a1afafd0cbf821d256fb"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a681c120e2188371794ec3a59768c64ab"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a681c120e2188371794ec3a59768c64ab">LKInternalKeypointArray</a> = <a class="el" href="classarm__compute_1_1_array.xhtml">Array</a>< <a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a> ></td></tr> <tr class="separator:a681c120e2188371794ec3a59768c64ab"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a9d037379f22f90d871d3fa4ad337437a"><td class="memItemLeft" align="right" valign="top">using </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a9d037379f22f90d871d3fa4ad337437a">NEScheduler</a> = <a class="el" href="classarm__compute_1_1_c_p_p_scheduler.xhtml">CPPScheduler</a></td></tr> @@ -1640,6 +1643,8 @@ Functions</h2></td></tr> <tr class="memitem:a22af22ebac966b76e8553127064201a2"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a22af22ebac966b76e8553127064201a2">enqueue</a> (cl::CommandQueue &queue, <a class="el" href="classarm__compute_1_1_i_c_l_kernel.xhtml">ICLKernel</a> &kernel, const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> &window, const cl::NDRange &lws_hint=cl::Range_128_1)</td></tr> <tr class="memdesc:a22af22ebac966b76e8553127064201a2"><td class="mdescLeft"> </td><td class="mdescRight">Add the kernel to the command queue with the given window. <a href="#a22af22ebac966b76e8553127064201a2">More...</a><br /></td></tr> <tr class="separator:a22af22ebac966b76e8553127064201a2"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa4f4d7a58287017588fc338965873f14"><td class="memItemLeft" align="right" valign="top">bool </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">opencl_is_available</a> ()</td></tr> +<tr class="separator:aa4f4d7a58287017588fc338965873f14"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a568b0fbfa3d903099d9c9f7b6acf188d"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a568b0fbfa3d903099d9c9f7b6acf188d">error</a> (const char *function, const char *file, const int line, const char *msg,...)</td></tr> <tr class="memdesc:a568b0fbfa3d903099d9c9f7b6acf188d"><td class="mdescLeft"> </td><td class="mdescRight">Print an error message then throw an std::runtime_error. <a href="#a568b0fbfa3d903099d9c9f7b6acf188d">More...</a><br /></td></tr> <tr class="separator:a568b0fbfa3d903099d9c9f7b6acf188d"><td class="memSeparator" colspan="2"> </td></tr> @@ -1713,24 +1718,24 @@ Functions</h2></td></tr> <tr class="memitem:ad304c0b0a72ed3f65c24fa69ab3cd53e"><td class="memTemplParams" colspan="2">template<bool alpha> </td></tr> <tr class="memitem:ad304c0b0a72ed3f65c24fa69ab3cd53e"><td class="memTemplItemLeft" align="right" valign="top">void </td><td class="memTemplItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ad304c0b0a72ed3f65c24fa69ab3cd53e">colorconvert_rgb_to_yuv4</a> (const void *__restrict input, void *__restrict output, const <a class="el" href="classarm__compute_1_1_window.xhtml">Window</a> &win)</td></tr> <tr class="separator:ad304c0b0a72ed3f65c24fa69ab3cd53e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:aab4b53a52d617f05420711425f20ed4b"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">vinvsqrt_f32</a> (float32x4_t x)</td></tr> -<tr class="memdesc:aab4b53a52d617f05420711425f20ed4b"><td class="mdescLeft"> </td><td class="mdescRight">Calculate inverse square root. <a href="#aab4b53a52d617f05420711425f20ed4b">More...</a><br /></td></tr> -<tr class="separator:aab4b53a52d617f05420711425f20ed4b"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a99d2837a875fc6bca19755f40205f04a"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">vinv_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:a99d2837a875fc6bca19755f40205f04a"><td class="mdescLeft"> </td><td class="mdescRight">Calculate reciprocal. <a href="#a99d2837a875fc6bca19755f40205f04a">More...</a><br /></td></tr> -<tr class="separator:a99d2837a875fc6bca19755f40205f04a"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:aa4e5c4d2084010ee1c68475fde882f84"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a> (const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</td></tr> -<tr class="memdesc:aa4e5c4d2084010ee1c68475fde882f84"><td class="mdescLeft"> </td><td class="mdescRight">Perform a 7th degree polynomial approximation using Estrin's method. <a href="#aa4e5c4d2084010ee1c68475fde882f84">More...</a><br /></td></tr> -<tr class="separator:aa4e5c4d2084010ee1c68475fde882f84"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:ab61617950fb57bf883ee19fc4e219826"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:ab61617950fb57bf883ee19fc4e219826"><td class="mdescLeft"> </td><td class="mdescRight">Calculate exponential. <a href="#ab61617950fb57bf883ee19fc4e219826">More...</a><br /></td></tr> -<tr class="separator:ab61617950fb57bf883ee19fc4e219826"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">vlog_f32</a> (const float32x4_t &x)</td></tr> -<tr class="memdesc:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="mdescLeft"> </td><td class="mdescRight">Calculate logarithm. <a href="#afa7e6a89815b00d86c5ae6ec73d79c26">More...</a><br /></td></tr> -<tr class="separator:afa7e6a89815b00d86c5ae6ec73d79c26"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:af2002ba27e8c8033e3038da708248f32"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">vtanh_f32</a> (const float32x4_t &val)</td></tr> -<tr class="memdesc:af2002ba27e8c8033e3038da708248f32"><td class="mdescLeft"> </td><td class="mdescRight">Calculate hyperbolic tangent. <a href="#af2002ba27e8c8033e3038da708248f32">More...</a><br /></td></tr> -<tr class="separator:af2002ba27e8c8033e3038da708248f32"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ab8970d7aed07d8649f5e3088455948b8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">vinvsqrtq_f32</a> (float32x4_t x)</td></tr> +<tr class="memdesc:ab8970d7aed07d8649f5e3088455948b8"><td class="mdescLeft"> </td><td class="mdescRight">Calculate inverse square root. <a href="#ab8970d7aed07d8649f5e3088455948b8">More...</a><br /></td></tr> +<tr class="separator:ab8970d7aed07d8649f5e3088455948b8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">vinvq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="mdescLeft"> </td><td class="mdescRight">Calculate reciprocal. <a href="#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">More...</a><br /></td></tr> +<tr class="separator:ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ac91f64208cebf2177a6be3a40ecebca8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a> (const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</td></tr> +<tr class="memdesc:ac91f64208cebf2177a6be3a40ecebca8"><td class="mdescLeft"> </td><td class="mdescRight">Perform a 7th degree polynomial approximation using Estrin's method. <a href="#ac91f64208cebf2177a6be3a40ecebca8">More...</a><br /></td></tr> +<tr class="separator:ac91f64208cebf2177a6be3a40ecebca8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aa197f574e5effe492aa8034651467eb3"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:aa197f574e5effe492aa8034651467eb3"><td class="mdescLeft"> </td><td class="mdescRight">Calculate exponential. <a href="#aa197f574e5effe492aa8034651467eb3">More...</a><br /></td></tr> +<tr class="separator:aa197f574e5effe492aa8034651467eb3"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a4082e6868f902da08483e54ec07484c8"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">vlogq_f32</a> (const float32x4_t &x)</td></tr> +<tr class="memdesc:a4082e6868f902da08483e54ec07484c8"><td class="mdescLeft"> </td><td class="mdescRight">Calculate logarithm. <a href="#a4082e6868f902da08483e54ec07484c8">More...</a><br /></td></tr> +<tr class="separator:a4082e6868f902da08483e54ec07484c8"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:a9598330b2406691ce6580f7506e62168"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">vtanhq_f32</a> (const float32x4_t &val)</td></tr> +<tr class="memdesc:a9598330b2406691ce6580f7506e62168"><td class="mdescLeft"> </td><td class="mdescRight">Calculate hyperbolic tangent. <a href="#a9598330b2406691ce6580f7506e62168">More...</a><br /></td></tr> +<tr class="separator:a9598330b2406691ce6580f7506e62168"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="memItemLeft" align="right" valign="top">float32x4_t </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">vpowq_f32</a> (const float32x4_t &val, const float32x4_t &n)</td></tr> <tr class="memdesc:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="mdescLeft"> </td><td class="mdescRight">Calculate n power of a number. <a href="#ae0dbcd09c015bda4ab290b957d7bd6c7">More...</a><br /></td></tr> <tr class="separator:ae0dbcd09c015bda4ab290b957d7bd6c7"><td class="memSeparator" colspan="2"> </td></tr> @@ -2751,7 +2756,7 @@ Variables</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00253">253</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00266">266</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -2855,6 +2860,22 @@ Variables</h2></td></tr> </div> </div> +<a class="anchor" id="adbc7771d367ba8f51da1450d3602e5c0"></a> +<div class="memitem"> +<div class="memproto"> + <table class="memname"> + <tr> + <td class="memname">using <a class="el" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">NEConvolution5x5</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a><5></td> + </tr> + </table> +</div><div class="memdoc"> + +<p>Basic function to run 5x5 convolution. </p> + +<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00098">98</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> + +</div> +</div> <a class="anchor" id="a21898b2d2e31ab9af8933c66ff82c8c6"></a> <div class="memitem"> <div class="memproto"> @@ -2871,6 +2892,22 @@ Variables</h2></td></tr> </div> </div> +<a class="anchor" id="aeb2682fbeb2766df26b4be1971c9757d"></a> +<div class="memitem"> +<div class="memproto"> + <table class="memname"> + <tr> + <td class="memname">using <a class="el" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">NEConvolution7x7</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a><7></td> + </tr> + </table> +</div><div class="memdoc"> + +<p>Basic function to run 7x7 convolution. </p> + +<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00100">100</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> + +</div> +</div> <a class="anchor" id="ae46cbbe03d31c6c8e7eba7b58999842d"></a> <div class="memitem"> <div class="memproto"> @@ -2887,6 +2924,22 @@ Variables</h2></td></tr> </div> </div> +<a class="anchor" id="ae5a088552f26a1afafd0cbf821d256fb"></a> +<div class="memitem"> +<div class="memproto"> + <table class="memname"> + <tr> + <td class="memname">using <a class="el" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">NEConvolution9x9</a> = <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolutionSquare</a><9></td> + </tr> + </table> +</div><div class="memdoc"> + +<p>Basic function to run 9x9 convolution. </p> + +<p>Definition at line <a class="el" href="_n_e_convolution_8h_source.xhtml#l00102">102</a> of file <a class="el" href="_n_e_convolution_8h_source.xhtml">NEConvolution.h</a>.</p> + +</div> +</div> <a class="anchor" id="a1025306f820a9e76df7e5891caacff7b"></a> <div class="memitem"> <div class="memproto"> @@ -3023,7 +3076,7 @@ Variables</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00178">178</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00191">191</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -3110,8 +3163,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00196">196</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00197"></a><span class="lineno"> 197</span> {</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">BILINEAR_OLD_NEW</a>,</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">BILINEAR_SCHARR</a></div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">arm_compute::BilinearInterpolation::BILINEAR_OLD_NEW</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00209">209</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00210"></a><span class="lineno"> 210</span> {</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">BILINEAR_OLD_NEW</a>,</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <a class="code" href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">BILINEAR_SCHARR</a></div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a856d68c521c4c85363f54d95a33b7532">arm_compute::BilinearInterpolation::BILINEAR_OLD_NEW</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64"><div class="ttname"><a href="namespacearm__compute.xhtml#a2d8a00f1d80a53ce8f75fa929c873202a731cb35d2d520920db9ab20dfc5edc64">arm_compute::BilinearInterpolation::BILINEAR_SCHARR</a></div></div> </div><!-- fragment --> </div> @@ -3147,8 +3200,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00108">108</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00109"></a><span class="lineno"> 109</span> {</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">UNDEFINED</a>, </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">CONSTANT</a>, </div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">REPLICATE</a> </div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00121">121</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00122"></a><span class="lineno"> 122</span> {</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">UNDEFINED</a>, </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">CONSTANT</a>, </div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">REPLICATE</a> </div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::BorderMode::REPLICATE</a></div><div class="ttdoc">Pixels outside the image are assumed to have the same value as the closest image pixel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92">arm_compute::BorderMode::CONSTANT</a></div><div class="ttdoc">Pixels outside the image are assumed to have a constant value. </div></div> </div><!-- fragment --> @@ -3212,8 +3265,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00280">280</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00281"></a><span class="lineno"> 281</span> {</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53">C0</a>, </div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">C1</a>, </div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4">C2</a>, </div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c">C3</a>, </div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6">R</a>, </div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf">G</a>, </div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a>, </div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a>, </div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Y</a>, </div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>, </div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">V</a> </div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00293">293</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> {</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9c5959e6f08f10d0edbadf5be1f33c53">C0</a>, </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">C1</a>, </div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aaf1a543f5a2c5d49bc5dde298fcf716e4">C2</a>, </div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa3abe124ecc82bf2c2e22e6058f38c50c">C3</a>, </div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aae1e1d3d40573127e9ee0480caf1283d6">R</a>, </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aadfcf28d0734569a6a693bc8194de62bf">G</a>, </div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a>, </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a>, </div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa57cec4137b614c87cb4e24a3d003a3e0">Y</a>, </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa4c614360da93c0a041b22e537de151eb">U</a>, </div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">V</a> </div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa1a2ddc2db4693cfd16d534cde5572cc1">arm_compute::Channel::C1</a></div><div class="ttdoc">Second channel (used by formats with unknown channel types). </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa5206560a306a2e085a437fd258eb57ce">arm_compute::Channel::V</a></div><div class="ttdoc">Cr/V/Value channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">arm_compute::Channel::B</a></div><div class="ttdoc">Blue channel. </div></div> @@ -3256,8 +3309,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00181">181</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> {</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">WRAP</a>, </div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">SATURATE</a> </div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">arm_compute::ConvertPolicy::WRAP</a></div><div class="ttdoc">Wrap around. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00194">194</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00195"></a><span class="lineno"> 195</span> {</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">WRAP</a>, </div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <a class="code" href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">SATURATE</a> </div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fae1c8555fcf0ea2bb648a6fd527d658c0">arm_compute::ConvertPolicy::WRAP</a></div><div class="ttdoc">Wrap around. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86"><div class="ttname"><a href="namespacearm__compute.xhtml#a82b8ac759c804bc1fb4e2d21e178fb6fa4729d95f983955f0d93a30179deb2b86">arm_compute::ConvertPolicy::SATURATE</a></div><div class="ttdoc">Saturate. </div></div> </div><!-- fragment --> </div> @@ -3310,8 +3363,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00059">59</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> {</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>,</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>,</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">S8</a>,</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>,</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>,</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>,</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">U64</a>,</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">S64</a>,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>,</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>,</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">F64</a>,</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">SIZET</a></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00060">60</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> {</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>,</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>,</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6aafb0fced528eaac5fe170b763cda5975">S8</a>,</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>,</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>,</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>,</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>,</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a31d65cccd6593e4101db93fb878abcaa">U64</a>,</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a115dca124dc6423c7a400b8a8a0270cc">S64</a>,</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>,</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>,</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6a1ad5f6f3069070ec4cbbdc94d5e61e0e">F64</a>,</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6abd7ef6d4f35bc7d05c559b65032f15d1">SIZET</a></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">arm_compute::Format::F32</a></div><div class="ttdoc">1 channel, 1 F16 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">arm_compute::Format::U16</a></div><div class="ttdoc">1 channel, 1 S16 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">arm_compute::Format::UNKNOWN</a></div></div> @@ -3356,8 +3409,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00348">348</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> {</div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">FLOOR</a>, </div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">CEIL</a> </div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">arm_compute::DimensionRoundingType::CEIL</a></div><div class="ttdoc">Ceil rounding. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00361">361</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> {</div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">FLOOR</a>, </div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  <a class="code" href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">CEIL</a> </div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa5bdce8e6d9dc3efbbd31e90a8a181dff">arm_compute::DimensionRoundingType::CEIL</a></div><div class="ttdoc">Ceil rounding. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe"><div class="ttname"><a href="namespacearm__compute.xhtml#a1fece1bd804e64f39f602d1c3969849aa56c1e354d36beb85b0d881c5b2e24cbe">arm_compute::DimensionRoundingType::FLOOR</a></div><div class="ttdoc">Floor rounding. </div></div> </div><!-- fragment --> </div> @@ -3435,8 +3488,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00037">37</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>, </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>, </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>, </div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>, </div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>, </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>, </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>, </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">UV88</a>, </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">RGB888</a>, </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">RGBA8888</a>, </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">YUV444</a>, </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">YUYV422</a>, </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">NV12</a>, </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">NV21</a>, </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">IYUV</a>, </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">UYVY422</a> </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">arm_compute::Format::UYVY422</a></div><div class="ttdoc">A 3 plane of 8-bit 4:2:0 sampled Y, U, V planes. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00038">38</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> {</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>, </div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">U8</a>, </div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>, </div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>, </div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>, </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ac8bd5bedff8ef192d39a962afc0e19ee">U32</a>, </div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a56d8353718e6fdc78b8d69078a2cdb94">F16</a>, </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">F32</a>, </div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a079eb95759d2ad31254f659d63651825">UV88</a>, </div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">RGB888</a>, </div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a165f06116e7b8d9b2481dfc805db4619">RGBA8888</a>, </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a11cfa56ee0ddbbc30a2fd189d7475f4c">YUV444</a>, </div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a481e7a6945eb9f23e87f2de780b2e164">YUYV422</a>, </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">NV12</a>, </div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a8e9f6aa1af7e0abbc7e64521e6ffe1b4">NV21</a>, </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58ab08f0cb36474118c5bbc03b3a172a778">IYUV</a>, </div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">UYVY422</a> </div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58af557448a61ad2927194f63442e131dfa">arm_compute::Format::UYVY422</a></div><div class="ttdoc">A 3 plane of 8-bit 4:2:0 sampled Y, U, V planes. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a44ad4ef5a76e6aa6fb3e3fa079a54fda">arm_compute::Format::F32</a></div><div class="ttdoc">1 channel, 1 F16 per channel </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a202f5d8c2c70d31048154d8b8b28e755">arm_compute::Format::NV12</a></div><div class="ttdoc">A single plane of 32-bit macro pixel of Y0, U0, Y1, V0 bytes. </div></div> @@ -3490,8 +3543,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00321">321</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00322"></a><span class="lineno"> 322</span> {</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">L2_NORM</a>, </div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">L2HYS_NORM</a>, </div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">L1_NORM</a>, </div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">L1SQRT_NORM</a> </div><div class="line"><a name="l00327"></a><span class="lineno"> 327</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">arm_compute::HOGNormType::L2HYS_NORM</a></div><div class="ttdoc">L2-norm followed by clipping. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00334">334</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00335"></a><span class="lineno"> 335</span> {</div><div class="line"><a name="l00336"></a><span class="lineno"> 336</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">L2_NORM</a>, </div><div class="line"><a name="l00337"></a><span class="lineno"> 337</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">L2HYS_NORM</a>, </div><div class="line"><a name="l00338"></a><span class="lineno"> 338</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">L1_NORM</a>, </div><div class="line"><a name="l00339"></a><span class="lineno"> 339</span>  <a class="code" href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">L1SQRT_NORM</a> </div><div class="line"><a name="l00340"></a><span class="lineno"> 340</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3ac9e68c0594494ec85805b225a7acb9c2">arm_compute::HOGNormType::L2HYS_NORM</a></div><div class="ttdoc">L2-norm followed by clipping. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a68616ae21712c00705b962f4eff06eaa">arm_compute::HOGNormType::L1_NORM</a></div><div class="ttdoc">L1 norm. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a80485e54c7a3c93a0f74637c6b918ce5">arm_compute::HOGNormType::L2_NORM</a></div><div class="ttdoc">L2-norm. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52"><div class="ttname"><a href="namespacearm__compute.xhtml#a673665b4587a2956fcbad5f0e9ba89d3a9b9f2c16d5d031b7057832d23906af52">arm_compute::HOGNormType::L1SQRT_NORM</a></div><div class="ttdoc">L1 norm with SQRT. </div></div> @@ -3529,8 +3582,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00188">188</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> {</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">NEAREST_NEIGHBOR</a>, </div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">BILINEAR</a>, </div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">AREA</a>, </div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">arm_compute::InterpolationPolicy::BILINEAR</a></div><div class="ttdoc">Output values are defined by bilinear interpolation between the pixels. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00201">201</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">NEAREST_NEIGHBOR</a>, </div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">BILINEAR</a>, </div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">AREA</a>, </div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9aad6fddf718ad19b063e02fdd7e8e3e65">arm_compute::InterpolationPolicy::BILINEAR</a></div><div class="ttdoc">Output values are defined by bilinear interpolation between the pixels. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::InterpolationPolicy::NEAREST_NEIGHBOR</a></div><div class="ttdoc">Output values are defined to match the source pixel whose center is nearest to the sample position...</div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a639aaa22a784d5e5cb03a522267e79c4">arm_compute::InterpolationPolicy::AREA</a></div><div class="ttdoc">Output values are determined by averaging the source pixels whose areas fall under the area of the de...</div></div> </div><!-- fragment --> @@ -3564,8 +3617,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00225">225</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00226"></a><span class="lineno"> 226</span> {</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">L1NORM</a>, </div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">L2NORM</a> </div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">arm_compute::MagnitudeType::L1NORM</a></div><div class="ttdoc">L1 normalization type. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00238">238</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> {</div><div class="line"><a name="l00240"></a><span class="lineno"> 240</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">L1NORM</a>, </div><div class="line"><a name="l00241"></a><span class="lineno"> 241</span>  <a class="code" href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">L2NORM</a> </div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aac2f1be73bf576190d1f42bdaf5162ae8">arm_compute::MagnitudeType::L1NORM</a></div><div class="ttdoc">L1 normalization type. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131"><div class="ttname"><a href="namespacearm__compute.xhtml#a7b3ec6413f000b02fdb4e39a951d9f8aad927ac799e8b24f80fc80d89b2eb7131">arm_compute::MagnitudeType::L2NORM</a></div><div class="ttdoc">L2 normalization type. </div></div> </div><!-- fragment --> </div> @@ -3604,8 +3657,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00297">297</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00298"></a><span class="lineno"> 298</span> {</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">BOX</a>, </div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">CROSS</a>, </div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">DISK</a>, </div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">OTHER</a> </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">arm_compute::MatrixPattern::DISK</a></div><div class="ttdoc">Disk pattern matrix. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00310">310</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> {</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">BOX</a>, </div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">CROSS</a>, </div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">DISK</a>, </div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  <a class="code" href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">OTHER</a> </div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a290d4b81f4e2b47d86fd1b0170e9aab7">arm_compute::MatrixPattern::DISK</a></div><div class="ttdoc">Disk pattern matrix. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02ae657cce1913c857166b0475f18668ef5">arm_compute::MatrixPattern::BOX</a></div><div class="ttdoc">Box pattern matrix. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a04dd53a8e6c2306e9bbf944c1d6047f2">arm_compute::MatrixPattern::CROSS</a></div><div class="ttdoc">Cross pattern matrix. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb"><div class="ttname"><a href="namespacearm__compute.xhtml#afdda916edc7502967bbec17ea3c06c02a03570470bad94692ce93e32700d2e1cb">arm_compute::MatrixPattern::OTHER</a></div><div class="ttdoc">Any other matrix pattern. </div></div> @@ -3643,8 +3696,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00306">306</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  : <span class="keywordtype">unsigned</span></div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span> {</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">MEDIAN</a> = 0, </div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">MIN</a> = 1, </div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a> = 2, </div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">arm_compute::NonLinearFilterFunction::MAX</a></div><div class="ttdoc">Non linear dilate. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00319">319</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  : <span class="keywordtype">unsigned</span></div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span> {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">MEDIAN</a> = 0, </div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">MIN</a> = 1, </div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a> = 2, </div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">arm_compute::NonLinearFilterFunction::MAX</a></div><div class="ttdoc">Non linear dilate. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858ace31e2a082d17e038fcc6e3006166653">arm_compute::NonLinearFilterFunction::MIN</a></div><div class="ttdoc">Non linear erode. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a8ab0c3a037e882577dec378985477074">arm_compute::NonLinearFilterFunction::MEDIAN</a></div><div class="ttdoc">Non linear median filter. </div></div> </div><!-- fragment --> @@ -3676,8 +3729,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00314">314</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00315"></a><span class="lineno"> 315</span> {</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">IN_MAP</a>, <span class="comment">/* Normalization applied within the same map */</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">CROSS_MAP</a> <span class="comment">/* Normalization applied cross maps */</span></div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">arm_compute::NormType::IN_MAP</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00327">327</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00328"></a><span class="lineno"> 328</span> {</div><div class="line"><a name="l00329"></a><span class="lineno"> 329</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">IN_MAP</a>, <span class="comment">/* Normalization applied within the same map */</span></div><div class="line"><a name="l00330"></a><span class="lineno"> 330</span>  <a class="code" href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">CROSS_MAP</a> <span class="comment">/* Normalization applied cross maps */</span></div><div class="line"><a name="l00331"></a><span class="lineno"> 331</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa531d6a3a92fd17afd3c7a8de8d5834c2">arm_compute::NormType::IN_MAP</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5"><div class="ttname"><a href="namespacearm__compute.xhtml#ad4bb8dabdbf8ad75e34220cc666b59caa980fef040549733973683b1a868f96e5">arm_compute::NormType::CROSS_MAP</a></div></div> </div><!-- fragment --> </div> @@ -3711,8 +3764,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00235">235</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00236"></a><span class="lineno"> 236</span> {</div><div class="line"><a name="l00237"></a><span class="lineno"> 237</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">SIGNED</a>, </div><div class="line"><a name="l00238"></a><span class="lineno"> 238</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">UNSIGNED</a> </div><div class="line"><a name="l00239"></a><span class="lineno"> 239</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">arm_compute::PhaseType::UNSIGNED</a></div><div class="ttdoc">Angle range: [0, 180]. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00248">248</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> {</div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">SIGNED</a>, </div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  <a class="code" href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">UNSIGNED</a> </div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72aaf36b47f395cd01f48b8fc1013665054">arm_compute::PhaseType::UNSIGNED</a></div><div class="ttdoc">Angle range: [0, 180]. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07"><div class="ttname"><a href="namespacearm__compute.xhtml#af00a42ecad444bbda75cde1b64bd7e72a6898b46a1cde8a1572e2722c44c5ab07">arm_compute::PhaseType::SIGNED</a></div><div class="ttdoc">Angle range: [0, 360]. </div></div> </div><!-- fragment --> </div> @@ -3745,8 +3798,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00355">355</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00356"></a><span class="lineno"> 356</span> {</div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a>, </div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">AVG</a> </div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a"><div class="ttname"><a href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">arm_compute::PoolingType::AVG</a></div><div class="ttdoc">Average Pooling. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00368">368</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00369"></a><span class="lineno"> 369</span> {</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  <a class="code" href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">MAX</a>, </div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  <a class="code" href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">AVG</a> </div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a"><div class="ttname"><a href="namespacearm__compute.xhtml#a9172da722f0a434e5cc07c0a3c115d93afcefd647d6a866603c627b11347c707a">arm_compute::PoolingType::AVG</a></div><div class="ttdoc">Average Pooling. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5"><div class="ttname"><a href="namespacearm__compute.xhtml#adf2ced65e536375a1c96425d9fced858a26a4b44a837bf97b972628509912b4a5">arm_compute::NonLinearFilterFunction::MAX</a></div><div class="ttdoc">Non linear dilate. </div></div> </div><!-- fragment --> </div> @@ -3779,8 +3832,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00210">210</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00211"></a><span class="lineno"> 211</span> {</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">TO_ZERO</a>, </div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">TO_NEAREST_EVEN</a> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">arm_compute::RoundingPolicy::TO_NEAREST_EVEN</a></div><div class="ttdoc">Rounds to nearest even output value. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00223">223</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00224"></a><span class="lineno"> 224</span> {</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">TO_ZERO</a>, </div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <a class="code" href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">TO_NEAREST_EVEN</a> </div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea02ff1fff1812f84c89547fcd6c176150">arm_compute::RoundingPolicy::TO_NEAREST_EVEN</a></div><div class="ttdoc">Rounds to nearest even output value. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06"><div class="ttname"><a href="namespacearm__compute.xhtml#add6426cbf2e057a195846d4ba09a50bea5631ad8e27788edfca7e13535d862c06">arm_compute::RoundingPolicy::TO_ZERO</a></div><div class="ttdoc">Truncates the least significand values that are lost in operations. </div></div> </div><!-- fragment --> </div> @@ -3813,8 +3866,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00217">217</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00218"></a><span class="lineno"> 218</span> {</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">TERM_CRITERIA_EPSILON</a>,</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">TERM_CRITERIA_ITERATIONS</a>,</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">TERM_CRITERIA_BOTH</a></div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">arm_compute::Termination::TERM_CRITERIA_EPSILON</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00230">230</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> {</div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">TERM_CRITERIA_EPSILON</a>,</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">TERM_CRITERIA_ITERATIONS</a>,</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span>  <a class="code" href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">TERM_CRITERIA_BOTH</a></div><div class="line"><a name="l00235"></a><span class="lineno"> 235</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a5a2e12b6baf7ad91a2ce32f19c36bd1b">arm_compute::Termination::TERM_CRITERIA_EPSILON</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a43f2a8b688fb96e5ad8ba08308bbcdfd">arm_compute::Termination::TERM_CRITERIA_ITERATIONS</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29"><div class="ttname"><a href="namespacearm__compute.xhtml#a08c1503414e23f5dd10ff83492685453a788740b1ba2d6463dae318a332513b29">arm_compute::Termination::TERM_CRITERIA_BOTH</a></div></div> </div><!-- fragment --> @@ -3848,8 +3901,8 @@ Variables</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00203">203</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00204"></a><span class="lineno"> 204</span> {</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">BINARY</a>, </div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">RANGE</a> </div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">arm_compute::ThresholdType::RANGE</a></div><div class="ttdoc">Threshold with two values. </div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00216">216</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00217"></a><span class="lineno"> 217</span> {</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">BINARY</a>, </div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  <a class="code" href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">RANGE</a> </div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> };</div><div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a01036ddcc971d02f6c32c3da31a119f2">arm_compute::ThresholdType::RANGE</a></div><div class="ttdoc">Threshold with two values. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452"><div class="ttname"><a href="namespacearm__compute.xhtml#a3e6b23e675649b83240691abbc42a649a98ad0e8750ae10ad556ed7a62affb452">arm_compute::ThresholdType::BINARY</a></div><div class="ttdoc">Threshold with one value. </div></div> </div><!-- fragment --> </div> @@ -4087,7 +4140,7 @@ Variables</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd>The maximum window the kernel can be executed on. </dd></dl> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00294">update_window_and_padding()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00307">update_window_and_padding()</a>.</p> </div> </div> @@ -4139,7 +4192,7 @@ Variables</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd>The maximum window the kernel can be executed on. </dd></dl> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00294">update_window_and_padding()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00307">update_window_and_padding()</a>.</p> </div> </div> @@ -4784,12 +4837,12 @@ Variables</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd><a class="el" href="classarm__compute_1_1_strides.xhtml" title="Strides of an item in bytes. ">Strides</a> object based on the specified strides. Missing strides are calculated based on the tensor shape and the strides of lower dimensions. </dd></dl> -<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00376">376</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> +<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00389">389</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> <p>References <a class="el" href="_tensor_info_8h_source.xhtml#l00239">TensorInfo::num_dimensions()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00073">Dimensions< T >::set()</a>, and <a class="el" href="_tensor_info_8h_source.xhtml#l00255">TensorInfo::tensor_shape()</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00398">compute_strides()</a>.</p> -<div class="fragment"><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> {</div><div class="line"><a name="l00378"></a><span class="lineno"> 378</span>  <span class="keyword">const</span> TensorShape &shape = info.tensor_shape();</div><div class="line"><a name="l00379"></a><span class="lineno"> 379</span> </div><div class="line"><a name="l00380"></a><span class="lineno"> 380</span>  <span class="comment">// Create strides object</span></div><div class="line"><a name="l00381"></a><span class="lineno"> 381</span>  Strides strides(stride_x, fixed_strides...);</div><div class="line"><a name="l00382"></a><span class="lineno"> 382</span> </div><div class="line"><a name="l00383"></a><span class="lineno"> 383</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> i = 1 + <span class="keyword">sizeof</span>...(Ts); i < info.num_dimensions(); ++i)</div><div class="line"><a name="l00384"></a><span class="lineno"> 384</span>  {</div><div class="line"><a name="l00385"></a><span class="lineno"> 385</span>  strides.set(i, shape[i - 1] * strides[i - 1]);</div><div class="line"><a name="l00386"></a><span class="lineno"> 386</span>  }</div><div class="line"><a name="l00387"></a><span class="lineno"> 387</span> </div><div class="line"><a name="l00388"></a><span class="lineno"> 388</span>  <span class="keywordflow">return</span> strides;</div><div class="line"><a name="l00389"></a><span class="lineno"> 389</span> }</div></div><!-- fragment --> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00411">compute_strides()</a>.</p> +<div class="fragment"><div class="line"><a name="l00390"></a><span class="lineno"> 390</span> {</div><div class="line"><a name="l00391"></a><span class="lineno"> 391</span>  <span class="keyword">const</span> TensorShape &shape = info.tensor_shape();</div><div class="line"><a name="l00392"></a><span class="lineno"> 392</span> </div><div class="line"><a name="l00393"></a><span class="lineno"> 393</span>  <span class="comment">// Create strides object</span></div><div class="line"><a name="l00394"></a><span class="lineno"> 394</span>  Strides strides(stride_x, fixed_strides...);</div><div class="line"><a name="l00395"></a><span class="lineno"> 395</span> </div><div class="line"><a name="l00396"></a><span class="lineno"> 396</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> i = 1 + <span class="keyword">sizeof</span>...(Ts); i < info.num_dimensions(); ++i)</div><div class="line"><a name="l00397"></a><span class="lineno"> 397</span>  {</div><div class="line"><a name="l00398"></a><span class="lineno"> 398</span>  strides.set(i, shape[i - 1] * strides[i - 1]);</div><div class="line"><a name="l00399"></a><span class="lineno"> 399</span>  }</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span> </div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span>  <span class="keywordflow">return</span> strides;</div><div class="line"><a name="l00402"></a><span class="lineno"> 402</span> }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a99bbb937f89cde6dfe346f566d41c707"></a> @@ -4823,10 +4876,10 @@ Variables</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd><a class="el" href="classarm__compute_1_1_strides.xhtml" title="Strides of an item in bytes. ">Strides</a> object based on element size and tensor shape. </dd></dl> -<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00398">398</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> +<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00411">411</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> -<p>References <a class="el" href="_helpers_8h_source.xhtml#l00376">compute_strides()</a>, and <a class="el" href="_tensor_info_8h_source.xhtml#l00231">TensorInfo::element_size()</a>.</p> -<div class="fragment"><div class="line"><a name="l00399"></a><span class="lineno"> 399</span> {</div><div class="line"><a name="l00400"></a><span class="lineno"> 400</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707">compute_strides</a>(info, info.element_size());</div><div class="line"><a name="l00401"></a><span class="lineno"> 401</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a99bbb937f89cde6dfe346f566d41c707"><div class="ttname"><a href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707">arm_compute::compute_strides</a></div><div class="ttdeci">Strides compute_strides(const TensorInfo &info)</div><div class="ttdoc">Create a strides object based on the tensor dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00398">Helpers.h:398</a></div></div> +<p>References <a class="el" href="_helpers_8h_source.xhtml#l00389">compute_strides()</a>, and <a class="el" href="_tensor_info_8h_source.xhtml#l00231">TensorInfo::element_size()</a>.</p> +<div class="fragment"><div class="line"><a name="l00412"></a><span class="lineno"> 412</span> {</div><div class="line"><a name="l00413"></a><span class="lineno"> 413</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707">compute_strides</a>(info, info.element_size());</div><div class="line"><a name="l00414"></a><span class="lineno"> 414</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a99bbb937f89cde6dfe346f566d41c707"><div class="ttname"><a href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707">arm_compute::compute_strides</a></div><div class="ttdeci">Strides compute_strides(const TensorInfo &info)</div><div class="ttdoc">Create a strides object based on the tensor dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00411">Helpers.h:411</a></div></div> </div><!-- fragment --> </div> </div> @@ -4923,7 +4976,7 @@ Variables</h2></td></tr> <p>References <a class="el" href="accumulate_8cl_source.xhtml#l00041">accumulate()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6e0b0886efb94aec797f6b830329b72c">S16</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aa1e28eee0339658d39a8b4d325b56e9c">S32</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58aef9ef3ebca4d2b64b6ec83808bafa5f2">U16</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>.</p> <div class="fragment"><div class="line"><a name="l00436"></a><span class="lineno"> 436</span> {</div><div class="line"><a name="l00437"></a><span class="lineno"> 437</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> first_stage = DataType::UNKNOWN;</div><div class="line"><a name="l00438"></a><span class="lineno"> 438</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> second_stage = DataType::UNKNOWN;</div><div class="line"><a name="l00439"></a><span class="lineno"> 439</span> </div><div class="line"><a name="l00440"></a><span class="lineno"> 440</span>  <span class="keyword">auto</span> gez = [](<span class="keyword">const</span> int16_t &v)</div><div class="line"><a name="l00441"></a><span class="lineno"> 441</span>  {</div><div class="line"><a name="l00442"></a><span class="lineno"> 442</span>  <span class="keywordflow">return</span> v >= 0;</div><div class="line"><a name="l00443"></a><span class="lineno"> 443</span>  };</div><div class="line"><a name="l00444"></a><span class="lineno"> 444</span> </div><div class="line"><a name="l00445"></a><span class="lineno"> 445</span>  <span class="keyword">auto</span> accu_neg = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00446"></a><span class="lineno"> 446</span>  {</div><div class="line"><a name="l00447"></a><span class="lineno"> 447</span>  <span class="keywordflow">return</span> first + (second < 0 ? second : 0);</div><div class="line"><a name="l00448"></a><span class="lineno"> 448</span>  };</div><div class="line"><a name="l00449"></a><span class="lineno"> 449</span> </div><div class="line"><a name="l00450"></a><span class="lineno"> 450</span>  <span class="keyword">auto</span> accu_pos = [](<span class="keyword">const</span> <span class="keywordtype">int</span> &first, <span class="keyword">const</span> <span class="keywordtype">int</span> &second)</div><div class="line"><a name="l00451"></a><span class="lineno"> 451</span>  {</div><div class="line"><a name="l00452"></a><span class="lineno"> 452</span>  <span class="keywordflow">return</span> first + (second > 0 ? second : 0);</div><div class="line"><a name="l00453"></a><span class="lineno"> 453</span>  };</div><div class="line"><a name="l00454"></a><span class="lineno"> 454</span> </div><div class="line"><a name="l00455"></a><span class="lineno"> 455</span>  <span class="keyword">const</span> <span class="keywordtype">bool</span> only_positive_coefficients = std::all_of(conv_row, conv_row + size, gez) && std::all_of(conv_col, conv_col + size, gez);</div><div class="line"><a name="l00456"></a><span class="lineno"> 456</span> </div><div class="line"><a name="l00457"></a><span class="lineno"> 457</span>  <span class="keywordflow">if</span>(only_positive_coefficients)</div><div class="line"><a name="l00458"></a><span class="lineno"> 458</span>  {</div><div class="line"><a name="l00459"></a><span class="lineno"> 459</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0) * UINT8_MAX;</div><div class="line"><a name="l00460"></a><span class="lineno"> 460</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0) * max_row_value;</div><div class="line"><a name="l00461"></a><span class="lineno"> 461</span> </div><div class="line"><a name="l00462"></a><span class="lineno"> 462</span>  first_stage = (max_row_value <= UINT16_MAX) ? DataType::U16 : DataType::S32;</div><div class="line"><a name="l00463"></a><span class="lineno"> 463</span> </div><div class="line"><a name="l00464"></a><span class="lineno"> 464</span>  second_stage = (max_value <= UINT16_MAX) ? DataType::U16 : DataType::S32;</div><div class="line"><a name="l00465"></a><span class="lineno"> 465</span>  }</div><div class="line"><a name="l00466"></a><span class="lineno"> 466</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00467"></a><span class="lineno"> 467</span>  {</div><div class="line"><a name="l00468"></a><span class="lineno"> 468</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_neg) * UINT8_MAX;</div><div class="line"><a name="l00469"></a><span class="lineno"> 469</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_row_value = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_row, conv_row + size, 0, accu_pos) * UINT8_MAX;</div><div class="line"><a name="l00470"></a><span class="lineno"> 470</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> neg_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_neg);</div><div class="line"><a name="l00471"></a><span class="lineno"> 471</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> pos_coeffs_sum = <a class="code" href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">std::accumulate</a>(conv_col, conv_col + size, 0, accu_pos);</div><div class="line"><a name="l00472"></a><span class="lineno"> 472</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> min_value = neg_coeffs_sum * max_row_value + pos_coeffs_sum * min_row_value;</div><div class="line"><a name="l00473"></a><span class="lineno"> 473</span>  <span class="keyword">const</span> <span class="keywordtype">int</span> max_value = neg_coeffs_sum * min_row_value + pos_coeffs_sum * max_row_value;</div><div class="line"><a name="l00474"></a><span class="lineno"> 474</span> </div><div class="line"><a name="l00475"></a><span class="lineno"> 475</span>  first_stage = ((INT16_MIN <= min_row_value) && (max_row_value <= INT16_MAX)) ? DataType::S16 : DataType::S32;</div><div class="line"><a name="l00476"></a><span class="lineno"> 476</span> </div><div class="line"><a name="l00477"></a><span class="lineno"> 477</span>  second_stage = ((INT16_MIN <= min_value) && (max_value <= INT16_MAX)) ? DataType::S16 : DataType::S32;</div><div class="line"><a name="l00478"></a><span class="lineno"> 478</span>  }</div><div class="line"><a name="l00479"></a><span class="lineno"> 479</span> </div><div class="line"><a name="l00480"></a><span class="lineno"> 480</span>  <span class="keywordflow">return</span> std::make_pair(first_stage, second_stage);</div><div class="line"><a name="l00481"></a><span class="lineno"> 481</span> }</div><div class="ttc" id="accumulate_8cl_xhtml_a00e540076dd545ad59ac7482f8cdf514"><div class="ttname"><a href="accumulate_8cl.xhtml#a00e540076dd545ad59ac7482f8cdf514">accumulate</a></div><div class="ttdeci">__kernel void accumulate(__global uchar *input_ptr, uint input_stride_x, uint input_step_x, uint input_stride_y, uint input_step_y, uint input_offset_first_element_in_bytes, __global uchar *accu_ptr, uint accu_stride_x, uint accu_step_x, uint accu_stride_y, uint accu_step_y, uint accu_offset_first_element_in_bytes)</div><div class="ttdoc">This function accumulates an input image into output image. </div><div class="ttdef"><b>Definition:</b> <a href="accumulate_8cl_source.xhtml#l00041">accumulate.cl:41</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --> </div> </div> @@ -5525,7 +5578,7 @@ If kernel->kernel() is empty then the function will return without adding any <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_aefa1d9648995e5eccc693c690e27aa88"><div class="ttname"><a href="namespacearm__compute.xhtml#aefa1d9648995e5eccc693c690e27aa88">arm_compute::string_from_data_type</a></div><div class="ttdeci">const std::string & string_from_data_type(DataType dt)</div><div class="ttdoc">Convert a data type identity into a string. </div></div> <div class="ttc" id="_error_8h_xhtml_ac90c3bce005225cbaa4a43740917bb58"><div class="ttname"><a href="_error_8h.xhtml#ac90c3bce005225cbaa4a43740917bb58">ARM_COMPUTE_ERROR_ON_LOC</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_LOC(cond, func, file, line)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00110">Error.h:110</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --> </div> </div> @@ -5595,7 +5648,7 @@ If kernel->kernel() is empty then the function will return without adding any <p>References <a class="el" href="_error_8h_source.xhtml#l00110">ARM_COMPUTE_ERROR_ON_LOC</a>, <a class="el" href="_error_8h_source.xhtml#l00092">ARM_COMPUTE_ERROR_ON_LOC_MSG</a>, <a class="el" href="_error_8h_source.xhtml#l00049">ARM_COMPUTE_UNUSED</a>, <a class="el" href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">string_from_format()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a696b031073e74bf2cb98e5ef201d4aa3">UNKNOWN</a>.</p> <div class="fragment"><div class="line"><a name="l00198"></a><span class="lineno"> 198</span> {</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="_error_8h.xhtml#ac90c3bce005225cbaa4a43740917bb58">ARM_COMPUTE_ERROR_ON_LOC</a>(<span class="keywordtype">object</span> == <span class="keyword">nullptr</span>, <span class="keyword">function</span>, file, line);</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> </div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> &&object_format = <span class="keywordtype">object</span>->info()->format();</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(object_format);</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span> </div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  <a class="code" href="_error_8h.xhtml#ac90c3bce005225cbaa4a43740917bb58">ARM_COMPUTE_ERROR_ON_LOC</a>(object_format == Format::UNKNOWN, <span class="keyword">function</span>, file, line);</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span> </div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  <span class="keyword">const</span> std::array<F, <span class="keyword">sizeof</span>...(Fs)> formats_array{ { std::forward<Fs>(formats)... } };</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(formats_array);</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span> </div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  <a class="code" href="_error_8h.xhtml#a1b62e396a1789909dadda61ea4cda96f">ARM_COMPUTE_ERROR_ON_LOC_MSG</a>(object_format != format && std::none_of(formats_array.begin(), formats_array.end(), [&](<span class="keyword">const</span> F & f)</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  {</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <span class="keywordflow">return</span> f == object_format;</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  }),</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <span class="keyword">function</span>, file, line, <span class="stringliteral">"Format %s not supported by this kernel"</span>, <a class="code" href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">string_from_format</a>(object_format).c_str());</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> }</div><div class="ttc" id="_error_8h_xhtml_a1b62e396a1789909dadda61ea4cda96f"><div class="ttname"><a href="_error_8h.xhtml#a1b62e396a1789909dadda61ea4cda96f">ARM_COMPUTE_ERROR_ON_LOC_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_LOC_MSG(cond, func, file, line,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00092">Error.h:92</a></div></div> <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="_error_8h_xhtml_ac90c3bce005225cbaa4a43740917bb58"><div class="ttname"><a href="_error_8h.xhtml#ac90c3bce005225cbaa4a43740917bb58">ARM_COMPUTE_ERROR_ON_LOC</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_LOC(cond, func, file, line)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00110">Error.h:110</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a9c92c867fc64454545668d87b20979eb"><div class="ttname"><a href="namespacearm__compute.xhtml#a9c92c867fc64454545668d87b20979eb">arm_compute::string_from_format</a></div><div class="ttdeci">const std::string & string_from_format(Format format)</div><div class="ttdoc">Convert a tensor format into a string. </div></div> </div><!-- fragment --> @@ -5785,7 +5838,7 @@ If kernel->kernel() is empty then the function will return without adding any <p>References <a class="el" href="_error_8h_source.xhtml#l00092">ARM_COMPUTE_ERROR_ON_LOC_MSG</a>, <a class="el" href="_error_8h_source.xhtml#l00049">ARM_COMPUTE_UNUSED</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00263">TensorInfo::data_type()</a>, and <a class="el" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">ITensor::info()</a>.</p> <div class="fragment"><div class="line"><a name="l00164"></a><span class="lineno"> 164</span> {</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(<span class="keyword">function</span>);</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(file);</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(line);</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(tensor_1);</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(tensor_2);</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span> </div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <a class="code" href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">DataType</a> &&first_data_type = tensor_1->info()->data_type();</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(first_data_type);</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keyword">const</span> std::array<<span class="keyword">const</span> ITensor *, <span class="keyword">sizeof</span>...(Ts)> tensors_array{ { std::forward<Ts>(tensors)... } };</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(tensors_array);</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span> </div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <a class="code" href="_error_8h.xhtml#a1b62e396a1789909dadda61ea4cda96f">ARM_COMPUTE_ERROR_ON_LOC_MSG</a>(tensor_2->info()->data_type() != first_data_type || std::any_of(tensors_array.begin(), tensors_array.end(), [&](<span class="keyword">const</span> ITensor * tensor)</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  {</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordflow">return</span> tensor->info()->data_type() != first_data_type;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  }),</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  <span class="keyword">function</span>, file, line, <span class="stringliteral">"Tensors have different data types"</span>);</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span> }</div><div class="ttc" id="_error_8h_xhtml_a1b62e396a1789909dadda61ea4cda96f"><div class="ttname"><a href="_error_8h.xhtml#a1b62e396a1789909dadda61ea4cda96f">ARM_COMPUTE_ERROR_ON_LOC_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_LOC_MSG(cond, func, file, line,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00092">Error.h:92</a></div></div> <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00059">Types.h:59</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ad8ed01ff3ff33333d8e19db4d2818bb6"><div class="ttname"><a href="namespacearm__compute.xhtml#ad8ed01ff3ff33333d8e19db4d2818bb6">arm_compute::DataType</a></div><div class="ttdeci">DataType</div><div class="ttdoc">Available data types. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00060">Types.h:60</a></div></div> </div><!-- fragment --> </div> </div> @@ -6125,7 +6178,7 @@ If kernel->kernel() is empty then the function will return without adding any </dd> </dl> -<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00550">colorconvert_iyuv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00445">colorconvert_iyuv_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00737">colorconvert_iyuv_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00591">colorconvert_nv12_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00389">colorconvert_nv12_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00686">colorconvert_nv12_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00825">colorconvert_rgb_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00789">colorconvert_rgb_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00303">colorconvert_rgb_to_rgbx()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00862">colorconvert_rgb_to_yuv4()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00327">colorconvert_rgbx_to_rgb()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00633">colorconvert_yuyv_to_iyuv()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00502">colorconvert_yuyv_to_nv12()</a>, <a class="el" href="_n_e_color_convert_helper_8inl_source.xhtml#l00351">colorconvert_yuyv_to_rgb()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>.</p> </div> </div> @@ -6260,10 +6313,10 @@ If kernel->kernel() is empty then the function will return without adding any </dl> <dl class="section return"><dt>Returns</dt><dd>Intersection of all regions. </dd></dl> -<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00344">344</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> +<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00357">357</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> -<p>References <a class="el" href="_types_8h_source.xhtml#l00103">ValidRegion::anchor</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00108">Dimensions< T >::num_dimensions()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00073">Dimensions< T >::set()</a>, and <a class="el" href="_types_8h_source.xhtml#l00104">ValidRegion::shape</a>.</p> -<div class="fragment"><div class="line"><a name="l00345"></a><span class="lineno"> 345</span> {</div><div class="line"><a name="l00346"></a><span class="lineno"> 346</span>  <span class="keyword">auto</span> intersect = [](<span class="keyword">const</span> ValidRegion & r1, <span class="keyword">const</span> ValidRegion & r2) -> ValidRegion</div><div class="line"><a name="l00347"></a><span class="lineno"> 347</span>  {</div><div class="line"><a name="l00348"></a><span class="lineno"> 348</span>  ValidRegion region;</div><div class="line"><a name="l00349"></a><span class="lineno"> 349</span> </div><div class="line"><a name="l00350"></a><span class="lineno"> 350</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.anchor.num_dimensions(), r2.anchor.num_dimensions()); ++d)</div><div class="line"><a name="l00351"></a><span class="lineno"> 351</span>  {</div><div class="line"><a name="l00352"></a><span class="lineno"> 352</span>  region.anchor.set(d, std::max(r1.anchor[d], r2.anchor[d]));</div><div class="line"><a name="l00353"></a><span class="lineno"> 353</span>  }</div><div class="line"><a name="l00354"></a><span class="lineno"> 354</span> </div><div class="line"><a name="l00355"></a><span class="lineno"> 355</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.shape.num_dimensions(), r2.shape.num_dimensions()); ++d)</div><div class="line"><a name="l00356"></a><span class="lineno"> 356</span>  {</div><div class="line"><a name="l00357"></a><span class="lineno"> 357</span>  region.shape.set(d, std::min(r1.shape[d], r2.shape[d]));</div><div class="line"><a name="l00358"></a><span class="lineno"> 358</span>  }</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span> </div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  <span class="keywordflow">return</span> region;</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  };</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">return</span> foldl(intersect, std::forward<Ts>(regions)...);</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span> }</div></div><!-- fragment --> +<p>References <a class="el" href="_types_8h_source.xhtml#l00116">ValidRegion::anchor</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00108">Dimensions< T >::num_dimensions()</a>, <a class="el" href="_dimensions_8h_source.xhtml#l00073">Dimensions< T >::set()</a>, and <a class="el" href="_types_8h_source.xhtml#l00117">ValidRegion::shape</a>.</p> +<div class="fragment"><div class="line"><a name="l00358"></a><span class="lineno"> 358</span> {</div><div class="line"><a name="l00359"></a><span class="lineno"> 359</span>  <span class="keyword">auto</span> intersect = [](<span class="keyword">const</span> ValidRegion & r1, <span class="keyword">const</span> ValidRegion & r2) -> ValidRegion</div><div class="line"><a name="l00360"></a><span class="lineno"> 360</span>  {</div><div class="line"><a name="l00361"></a><span class="lineno"> 361</span>  ValidRegion region;</div><div class="line"><a name="l00362"></a><span class="lineno"> 362</span> </div><div class="line"><a name="l00363"></a><span class="lineno"> 363</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.anchor.num_dimensions(), r2.anchor.num_dimensions()); ++d)</div><div class="line"><a name="l00364"></a><span class="lineno"> 364</span>  {</div><div class="line"><a name="l00365"></a><span class="lineno"> 365</span>  region.anchor.set(d, std::max(r1.anchor[d], r2.anchor[d]));</div><div class="line"><a name="l00366"></a><span class="lineno"> 366</span>  }</div><div class="line"><a name="l00367"></a><span class="lineno"> 367</span> </div><div class="line"><a name="l00368"></a><span class="lineno"> 368</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> d = 0; d < std::min(r1.shape.num_dimensions(), r2.shape.num_dimensions()); ++d)</div><div class="line"><a name="l00369"></a><span class="lineno"> 369</span>  {</div><div class="line"><a name="l00370"></a><span class="lineno"> 370</span>  region.shape.set(d, std::min(r1.shape[d], r2.shape[d]));</div><div class="line"><a name="l00371"></a><span class="lineno"> 371</span>  }</div><div class="line"><a name="l00372"></a><span class="lineno"> 372</span> </div><div class="line"><a name="l00373"></a><span class="lineno"> 373</span>  <span class="keywordflow">return</span> region;</div><div class="line"><a name="l00374"></a><span class="lineno"> 374</span>  };</div><div class="line"><a name="l00375"></a><span class="lineno"> 375</span> </div><div class="line"><a name="l00376"></a><span class="lineno"> 376</span>  <span class="keywordflow">return</span> foldl(intersect, std::forward<Ts>(regions)...);</div><div class="line"><a name="l00377"></a><span class="lineno"> 377</span> }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="af5982a092e9eb743fce2d6392bdd8897"></a> @@ -6495,6 +6548,21 @@ If kernel->kernel() is empty then the function will return without adding any </div><!-- fragment --> </div> </div> +<a class="anchor" id="aa4f4d7a58287017588fc338965873f14"></a> +<div class="memitem"> +<div class="memproto"> + <table class="memname"> + <tr> + <td class="memname">bool arm_compute::opencl_is_available </td> + <td>(</td> + <td class="paramname"></td><td>)</td> + <td></td> + </tr> + </table> +</div><div class="memdoc"> + +</div> +</div> <a class="anchor" id="a4823543d67a2520c98669e2a5608ef6a"></a> <div class="memitem"> <div class="memproto"> @@ -7134,10 +7202,10 @@ If kernel->kernel() is empty then the function will return without adding any </dl> <dl class="section return"><dt>Returns</dt><dd>True if the window has been changed. Changes to the padding do not influence the returned value. </dd></dl> -<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00294">294</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> +<p>Definition at line <a class="el" href="_helpers_8h_source.xhtml#l00307">307</a> of file <a class="el" href="_helpers_8h_source.xhtml">Helpers.h</a>.</p> <p>References <a class="el" href="namespacearm__compute.xhtml#aa8063930734453501dbe41f60c5a89d9">calculate_max_window()</a>, <a class="el" href="namespacearm__compute.xhtml#a0451630695335182319ee53d785d0715">calculate_max_window_horizontal()</a>, <a class="el" href="classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6">IAccessWindow::update_padding_if_needed()</a>, and <a class="el" href="classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa">IAccessWindow::update_window_if_needed()</a>.</p> -<div class="fragment"><div class="line"><a name="l00295"></a><span class="lineno"> 295</span> {</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span>  <span class="keywordtype">bool</span> window_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span> </div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  for_each([&](<span class="keyword">const</span> IAccessWindow & w)</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  {</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  window_changed |= w.update_window_if_needed(win);</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  },</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  patterns...);</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span> </div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  <span class="keywordtype">bool</span> padding_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span> </div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  for_each([&](<span class="keyword">const</span> IAccessWindow & w)</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  {</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  padding_changed |= w.update_padding_if_needed(win);</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  },</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  patterns...);</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span> </div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <span class="keywordflow">return</span> window_changed;</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span> }</div></div><!-- fragment --> +<div class="fragment"><div class="line"><a name="l00308"></a><span class="lineno"> 308</span> {</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <span class="keywordtype">bool</span> window_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> </div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  for_each([&](<span class="keyword">const</span> IAccessWindow & w)</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  {</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  window_changed |= w.update_window_if_needed(win);</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  },</div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  patterns...);</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> </div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  <span class="keywordtype">bool</span> padding_changed = <span class="keyword">false</span>;</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span> </div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  for_each([&](<span class="keyword">const</span> IAccessWindow & w)</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  {</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  padding_changed |= w.update_padding_if_needed(win);</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span>  },</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span>  patterns...);</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> </div><div class="line"><a name="l00325"></a><span class="lineno"> 325</span>  <span class="keywordflow">return</span> window_changed;</div><div class="line"><a name="l00326"></a><span class="lineno"> 326</span> }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="ae350823b5c93227dc33f1105ece06d68"></a> @@ -7167,7 +7235,7 @@ If kernel->kernel() is empty then the function will return without adding any <div class="fragment"><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <span class="keyword">static_cast<</span><span class="keyword">const </span>std::ostringstream &<span class="keyword">></span>(std::ostringstream() << val).str();</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div></div><!-- fragment --> </div> </div> -<a class="anchor" id="ab61617950fb57bf883ee19fc4e219826"></a> +<a class="anchor" id="aa197f574e5effe492aa8034651467eb3"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7175,7 +7243,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vexp_f32 </td> + <td class="memname">float32x4_t arm_compute::vexpq_f32 </td> <td>(</td> <td class="paramtype">const float32x4_t & </td> <td class="paramname"><em>x</em></td><td>)</td> @@ -7200,15 +7268,15 @@ If kernel->kernel() is empty then the function will return without adding any <p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00115">115</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> -<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00097">vtaylor_poly_f32()</a>.</p> +<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00097">vtaylor_polyq_f32()</a>.</p> -<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00186">vpowq_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00165">vtanh_f32()</a>.</p> -<div class="fragment"><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_INV_LN2 = vdupq_n_f32(1.4426950408f); <span class="comment">// 1/ln(2)</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="comment">// Perform range reduction [-log(2),log(2)]</span></div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  int32x4_t m = vcvtq_s32_f32(vmulq_f32(x, CONST_INV_LN2));</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  float32x4_t val = vmlsq_f32(x, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a>(val, <a class="code" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">exp_tab</a>);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  poly = vreinterpretq_f32_s32(vaddq_s32(vreinterpretq_s32_f32(poly), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_aa4e5c4d2084010ee1c68475fde882f84"><div class="ttname"><a href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">arm_compute::vtaylor_poly_f32</a></div><div class="ttdeci">float32x4_t vtaylor_poly_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_a869945609357fa552d94eb16f7aad4e9"><div class="ttname"><a href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">arm_compute::exp_tab</a></div><div class="ttdeci">const std::array< float32x4_t, 8 > exp_tab</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00032">NEMath.h:32</a></div></div> +<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00191">vpowq_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00167">vtanhq_f32()</a>.</p> +<div class="fragment"><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> {</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_INV_LN2 = vdupq_n_f32(1.4426950408f); <span class="comment">// 1/ln(2)</span></div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  <span class="comment">// Perform range reduction [-log(2),log(2)]</span></div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  int32x4_t m = vcvtq_s32_f32(vmulq_f32(x, CONST_INV_LN2));</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  float32x4_t val = vmlsq_f32(x, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a>(val, <a class="code" href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">exp_tab</a>);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> </div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  poly = vreinterpretq_f32_s32(vaddq_s32(vreinterpretq_s32_f32(poly), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a869945609357fa552d94eb16f7aad4e9"><div class="ttname"><a href="namespacearm__compute.xhtml#a869945609357fa552d94eb16f7aad4e9">arm_compute::exp_tab</a></div><div class="ttdeci">const std::array< float32x4_t, 8 > exp_tab</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00032">NEMath.h:32</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ac91f64208cebf2177a6be3a40ecebca8"><div class="ttname"><a href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">arm_compute::vtaylor_polyq_f32</a></div><div class="ttdeci">float32x4_t vtaylor_polyq_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> </div><!-- fragment --> </div> </div> -<a class="anchor" id="a99d2837a875fc6bca19755f40205f04a"></a> +<a class="anchor" id="ae1cdb8bbcb3f7ce5d3469f42f19d37a6"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7216,7 +7284,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vinv_f32 </td> + <td class="memname">float32x4_t arm_compute::vinvq_f32 </td> <td>(</td> <td class="paramtype">const float32x4_t & </td> <td class="paramname"><em>x</em></td><td>)</td> @@ -7241,11 +7309,11 @@ If kernel->kernel() is empty then the function will return without adding any <p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00082">82</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> -<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00165">vtanh_f32()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00167">vtanhq_f32()</a>.</p> <div class="fragment"><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> {</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  float32x4_t recip = vrecpeq_f32(x);</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  recip = vmulq_f32(vrecpsq_f32(x, recip), recip);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  <span class="keywordflow">return</span> recip;</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> }</div></div><!-- fragment --> </div> </div> -<a class="anchor" id="aab4b53a52d617f05420711425f20ed4b"></a> +<a class="anchor" id="ab8970d7aed07d8649f5e3088455948b8"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7253,7 +7321,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vinvsqrt_f32 </td> + <td class="memname">float32x4_t arm_compute::vinvsqrtq_f32 </td> <td>(</td> <td class="paramtype">float32x4_t </td> <td class="paramname"><em>x</em></td><td>)</td> @@ -7280,7 +7348,7 @@ If kernel->kernel() is empty then the function will return without adding any <div class="fragment"><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> {</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  float32x4_t sqrt_reciprocal = vrsqrteq_f32(x);</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  sqrt_reciprocal = vmulq_f32(vrsqrtsq_f32(vmulq_f32(x, sqrt_reciprocal), sqrt_reciprocal), sqrt_reciprocal);</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="keywordflow">return</span> sqrt_reciprocal;</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span> }</div></div><!-- fragment --> </div> </div> -<a class="anchor" id="afa7e6a89815b00d86c5ae6ec73d79c26"></a> +<a class="anchor" id="a4082e6868f902da08483e54ec07484c8"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7288,7 +7356,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vlog_f32 </td> + <td class="memname">float32x4_t arm_compute::vlogq_f32 </td> <td>(</td> <td class="paramtype">const float32x4_t & </td> <td class="paramname"><em>x</em></td><td>)</td> @@ -7313,10 +7381,10 @@ If kernel->kernel() is empty then the function will return without adding any <p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00139">139</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> -<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00097">vtaylor_poly_f32()</a>.</p> +<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00097">vtaylor_polyq_f32()</a>.</p> -<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00186">vpowq_f32()</a>.</p> -<div class="fragment"><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keyword">static</span> <span class="keyword">const</span> int32x4_t CONST_127 = vdupq_n_s32(127); <span class="comment">// 127</span></div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">// Extract exponent</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  int32x4_t m = vsubq_s32(vreinterpretq_s32_u32(vshrq_n_u32(vreinterpretq_u32_f32(x), 23)), CONST_127);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float32x4_t val = vreinterpretq_f32_s32(vsubq_s32(vreinterpretq_s32_f32(x), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">vtaylor_poly_f32</a>(val, <a class="code" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">log_tab</a>);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  poly = vmlaq_f32(poly, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_aa4e5c4d2084010ee1c68475fde882f84"><div class="ttname"><a href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">arm_compute::vtaylor_poly_f32</a></div><div class="ttdeci">float32x4_t vtaylor_poly_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> +<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00191">vpowq_f32()</a>.</p> +<div class="fragment"><div class="line"><a name="l00140"></a><span class="lineno"> 140</span> {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keyword">static</span> <span class="keyword">const</span> int32x4_t CONST_127 = vdupq_n_s32(127); <span class="comment">// 127</span></div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_LN2 = vdupq_n_f32(0.6931471805f); <span class="comment">// ln(2)</span></div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <span class="comment">// Extract exponent</span></div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  int32x4_t m = vsubq_s32(vreinterpretq_s32_u32(vshrq_n_u32(vreinterpretq_u32_f32(x), 23)), CONST_127);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  float32x4_t val = vreinterpretq_f32_s32(vsubq_s32(vreinterpretq_s32_f32(x), vshlq_n_s32(m, 23)));</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Polynomial Approximation</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  float32x4_t poly = <a class="code" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">vtaylor_polyq_f32</a>(val, <a class="code" href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">log_tab</a>);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="comment">// Reconstruct</span></div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  poly = vmlaq_f32(poly, vcvtq_f32_s32(m), CONST_LN2);</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="keywordflow">return</span> poly;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_ac91f64208cebf2177a6be3a40ecebca8"><div class="ttname"><a href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">arm_compute::vtaylor_polyq_f32</a></div><div class="ttdeci">float32x4_t vtaylor_polyq_f32(const float32x4_t &x, const std::array< float32x4_t, 8 > &coeffs)</div><div class="ttdoc">Perform a 7th degree polynomial approximation using Estrin&#39;s method. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00097">NEMath.h:97</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a48fb9cf404e8f7043235bf14105c9793"><div class="ttname"><a href="namespacearm__compute.xhtml#a48fb9cf404e8f7043235bf14105c9793">arm_compute::log_tab</a></div><div class="ttdeci">const std::array< float32x4_t, 8 > log_tab</div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00047">NEMath.h:47</a></div></div> </div><!-- fragment --> </div> @@ -7364,15 +7432,15 @@ If kernel->kernel() is empty then the function will return without adding any </dl> <dl class="section return"><dt>Returns</dt><dd>The calculated power. </dd></dl> -<p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00186">186</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> +<p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00191">191</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> -<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexp_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00139">vlog_f32()</a>.</p> -<div class="fragment"><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> {</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a>(vmulq_f32(n, <a class="code" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">vlog_f32</a>(val)));</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_afa7e6a89815b00d86c5ae6ec73d79c26"><div class="ttname"><a href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">arm_compute::vlog_f32</a></div><div class="ttdeci">float32x4_t vlog_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate logarithm. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00139">NEMath.h:139</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab61617950fb57bf883ee19fc4e219826"><div class="ttname"><a href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">arm_compute::vexp_f32</a></div><div class="ttdeci">float32x4_t vexp_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> +<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexpq_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00139">vlogq_f32()</a>.</p> +<div class="fragment"><div class="line"><a name="l00192"></a><span class="lineno"> 192</span> {</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  <span class="keywordflow">return</span> <a class="code" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a>(vmulq_f32(n, <a class="code" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">vlogq_f32</a>(val)));</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a4082e6868f902da08483e54ec07484c8"><div class="ttname"><a href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">arm_compute::vlogq_f32</a></div><div class="ttdeci">float32x4_t vlogq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate logarithm. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00139">NEMath.h:139</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_aa197f574e5effe492aa8034651467eb3"><div class="ttname"><a href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">arm_compute::vexpq_f32</a></div><div class="ttdeci">float32x4_t vexpq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> </div><!-- fragment --> </div> </div> -<a class="anchor" id="af2002ba27e8c8033e3038da708248f32"></a> +<a class="anchor" id="a9598330b2406691ce6580f7506e62168"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7380,7 +7448,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vtanh_f32 </td> + <td class="memname">float32x4_t arm_compute::vtanhq_f32 </td> <td>(</td> <td class="paramtype">const float32x4_t & </td> <td class="paramname"><em>val</em></td><td>)</td> @@ -7396,6 +7464,7 @@ If kernel->kernel() is empty then the function will return without adding any <p>Calculate hyperbolic tangent. </p> <p>tanh(x) = (e^2x - 1)/(e^2x + 1)</p> +<dl class="section note"><dt>Note</dt><dd>We clamp x to [-5,5] to avoid overflowing issues.</dd></dl> <dl class="params"><dt>Parameters</dt><dd> <table class="params"> <tr><td class="paramname">val</td><td>Input vector value in F32 format.</td></tr> @@ -7404,15 +7473,15 @@ If kernel->kernel() is empty then the function will return without adding any </dl> <dl class="section return"><dt>Returns</dt><dd>The calculated Hyperbolic Tangent. </dd></dl> -<p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00165">165</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> +<p>Definition at line <a class="el" href="_n_e_math_8h_source.xhtml#l00167">167</a> of file <a class="el" href="_n_e_math_8h_source.xhtml">NEMath.h</a>.</p> -<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexp_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00082">vinv_f32()</a>.</p> -<div class="fragment"><div class="line"><a name="l00166"></a><span class="lineno"> 166</span> {</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_1 = vdupq_n_f32(1.f); <span class="comment">// 1.f</span></div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_2 = vdupq_n_f32(2.f); <span class="comment">// 2.f</span></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span> </div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  float32x4_t exp2x = <a class="code" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">vexp_f32</a>(vmulq_f32(CONST_2, val));</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  float32x4_t num = vsubq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  float32x4_t den = vaddq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  float32x4_t tanh = vmulq_f32(num, <a class="code" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">vinv_f32</a>(den));</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> tanh;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a99d2837a875fc6bca19755f40205f04a"><div class="ttname"><a href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">arm_compute::vinv_f32</a></div><div class="ttdeci">float32x4_t vinv_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate reciprocal. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00082">NEMath.h:82</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab61617950fb57bf883ee19fc4e219826"><div class="ttname"><a href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">arm_compute::vexp_f32</a></div><div class="ttdeci">float32x4_t vexp_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> +<p>References <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexpq_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00082">vinvq_f32()</a>.</p> +<div class="fragment"><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> {</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_1 = vdupq_n_f32(1.f); <span class="comment">// 1.f</span></div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_2 = vdupq_n_f32(2.f); <span class="comment">// 2.f</span></div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_MIN_TANH = vdupq_n_f32(-5.f); <span class="comment">// -5.f</span></div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <span class="keyword">static</span> <span class="keyword">const</span> float32x4_t CONST_MAX_TANH = vdupq_n_f32(5.f); <span class="comment">// 5.f</span></div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  float32x4_t x = vminq_f32(vmaxq_f32(val, CONST_MIN_TANH), CONST_MAX_TANH);</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  float32x4_t exp2x = <a class="code" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">vexpq_f32</a>(vmulq_f32(CONST_2, x));</div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  float32x4_t num = vsubq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  float32x4_t den = vaddq_f32(exp2x, CONST_1);</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  float32x4_t tanh = vmulq_f32(num, <a class="code" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">vinvq_f32</a>(den));</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordflow">return</span> tanh;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_ae1cdb8bbcb3f7ce5d3469f42f19d37a6"><div class="ttname"><a href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">arm_compute::vinvq_f32</a></div><div class="ttdeci">float32x4_t vinvq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate reciprocal. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00082">NEMath.h:82</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_aa197f574e5effe492aa8034651467eb3"><div class="ttname"><a href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">arm_compute::vexpq_f32</a></div><div class="ttdeci">float32x4_t vexpq_f32(const float32x4_t &x)</div><div class="ttdoc">Calculate exponential. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_math_8h_source.xhtml#l00115">NEMath.h:115</a></div></div> </div><!-- fragment --> </div> </div> -<a class="anchor" id="aa4e5c4d2084010ee1c68475fde882f84"></a> +<a class="anchor" id="ac91f64208cebf2177a6be3a40ecebca8"></a> <div class="memitem"> <div class="memproto"> <table class="mlabels"> @@ -7420,7 +7489,7 @@ If kernel->kernel() is empty then the function will return without adding any <td class="mlabels-left"> <table class="memname"> <tr> - <td class="memname">float32x4_t arm_compute::vtaylor_poly_f32 </td> + <td class="memname">float32x4_t arm_compute::vtaylor_polyq_f32 </td> <td>(</td> <td class="paramtype">const float32x4_t & </td> <td class="paramname"><em>x</em>, </td> @@ -7458,7 +7527,7 @@ If kernel->kernel() is empty then the function will return without adding any <p>References <a class="el" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a>, and <a class="el" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a>.</p> -<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexp_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00139">vlog_f32()</a>.</p> +<p>Referenced by <a class="el" href="_n_e_math_8h_source.xhtml#l00115">vexpq_f32()</a>, and <a class="el" href="_n_e_math_8h_source.xhtml#l00139">vlogq_f32()</a>.</p> <div class="fragment"><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> {</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">A</a> = vmlaq_f32(coeffs[0], coeffs[4], x);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  float32x4_t <a class="code" href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">B</a> = vmlaq_f32(coeffs[2], coeffs[6], x);</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  float32x4_t C = vmlaq_f32(coeffs[1], coeffs[5], x);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  float32x4_t D = vmlaq_f32(coeffs[3], coeffs[7], x);</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  float32x4_t x2 = vmulq_f32(x, x);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  float32x4_t x4 = vmulq_f32(x2, x2);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  float32x4_t res = vmlaq_f32(vmlaq_f32(A, B, x2), vmlaq_f32(C, D, x2), x4);</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="keywordflow">return</span> res;</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa7fc56270e7a70fa81a5935b72eacbe29">arm_compute::Channel::A</a></div><div class="ttdoc">Alpha channel. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571"><div class="ttname"><a href="namespacearm__compute.xhtml#a1ce9b523fd4f3b5bbcadcd796183455aa9d5ed678fe57bcca610140957afab571">arm_compute::Channel::B</a></div><div class="ttdoc">Blue channel. </div></div> </div><!-- fragment --> @@ -7477,7 +7546,7 @@ If kernel->kernel() is empty then the function will return without adding any <p>Constant value of the border pixels when using <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92" title="Pixels outside the image are assumed to have a constant value. ">BorderMode::CONSTANT</a>. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00077">77</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00078">78</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -7533,7 +7602,7 @@ If kernel->kernel() is empty then the function will return without adding any </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00080">80</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00081">81</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -7547,7 +7616,7 @@ If kernel->kernel() is empty then the function will return without adding any </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00083">83</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00084">84</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -7557,7 +7626,7 @@ If kernel->kernel() is empty then the function will return without adding any <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacearm__compute_1_1cpp14.xhtml b/documentation/namespacearm__compute_1_1cpp14.xhtml index 7722448ca..ac4b831b2 100644 --- a/documentation/namespacearm__compute_1_1cpp14.xhtml +++ b/documentation/namespacearm__compute_1_1cpp14.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('namespacearm__compute_1_1cpp14.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="namespacearm__compute_1_1cpp14.xhtml">cpp14</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacecl.xhtml b/documentation/namespacecl.xhtml index fa51def45..513573e87 100644 --- a/documentation/namespacecl.xhtml +++ b/documentation/namespacecl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('namespacecl.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacecl.xhtml">cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacemembers.xhtml b/documentation/namespacemembers.xhtml index 86e692328..16e02c2b2 100644 --- a/documentation/namespacemembers.xhtml +++ b/documentation/namespacemembers.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -106,6 +106,7 @@ var searchBox = new SearchBox("searchBox", "search",false,'Search'); <li><a href="#index_l"><span>l</span></a></li> <li><a href="#index_m"><span>m</span></a></li> <li><a href="#index_n"><span>n</span></a></li> + <li><a href="#index_o"><span>o</span></a></li> <li><a href="#index_p"><span>p</span></a></li> <li><a href="#index_r"><span>r</span></a></li> <li><a href="#index_s"><span>s</span></a></li> @@ -309,7 +310,7 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); : <a class="el" href="namespacearm__compute.xhtml#a3c22c0d3494660b72b4fc04fec76f92d">arm_compute</a> </li> <li>compute_strides() -: <a class="el" href="namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707">arm_compute</a> +: <a class="el" href="namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32">arm_compute</a> </li> <li>CONSTANT_BORDER_VALUE : <a class="el" href="namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf">arm_compute</a> @@ -349,7 +350,7 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); : <a class="el" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41">arm_compute</a> </li> <li>draw_detection_rectangle() -: <a class="el" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">test_helpers</a> +: <a class="el" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">test_helpers</a> </li> </ul> @@ -603,12 +604,21 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); <li>NEConvolution3x3Kernel : <a class="el" href="namespacearm__compute.xhtml#acf81639b3d33b5da654ef088e4d10520">arm_compute</a> </li> +<li>NEConvolution5x5 +: <a class="el" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">arm_compute</a> +</li> <li>NEConvolution5x5Kernel : <a class="el" href="namespacearm__compute.xhtml#a21898b2d2e31ab9af8933c66ff82c8c6">arm_compute</a> </li> +<li>NEConvolution7x7 +: <a class="el" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">arm_compute</a> +</li> <li>NEConvolution7x7Kernel : <a class="el" href="namespacearm__compute.xhtml#ae46cbbe03d31c6c8e7eba7b58999842d">arm_compute</a> </li> +<li>NEConvolution9x9 +: <a class="el" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">arm_compute</a> +</li> <li>NEConvolution9x9Kernel : <a class="el" href="namespacearm__compute.xhtml#a1025306f820a9e76df7e5891caacff7b">arm_compute</a> </li> @@ -648,6 +658,13 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); </ul> +<h3><a class="anchor" id="index_o"></a>- o -</h3><ul> +<li>opencl_is_available() +: <a class="el" href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">arm_compute</a> +</li> +</ul> + + <h3><a class="anchor" id="index_p"></a>- p -</h3><ul> <li>PaddingSize : <a class="el" href="namespacearm__compute.xhtml#a4467b302fc9ec312c40580336ab783da">arm_compute</a> @@ -765,26 +782,26 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); <li>val_to_string() : <a class="el" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68">arm_compute</a> </li> -<li>vexp_f32() -: <a class="el" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">arm_compute</a> +<li>vexpq_f32() +: <a class="el" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">arm_compute</a> </li> -<li>vinv_f32() -: <a class="el" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">arm_compute</a> +<li>vinvq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">arm_compute</a> </li> -<li>vinvsqrt_f32() -: <a class="el" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">arm_compute</a> +<li>vinvsqrtq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">arm_compute</a> </li> -<li>vlog_f32() -: <a class="el" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">arm_compute</a> +<li>vlogq_f32() +: <a class="el" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">arm_compute</a> </li> <li>vpowq_f32() : <a class="el" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">arm_compute</a> </li> -<li>vtanh_f32() -: <a class="el" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">arm_compute</a> +<li>vtanhq_f32() +: <a class="el" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">arm_compute</a> </li> -<li>vtaylor_poly_f32() -: <a class="el" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">arm_compute</a> +<li>vtaylor_polyq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">arm_compute</a> </li> </ul> </div><!-- contents --> @@ -792,7 +809,7 @@ $(document).ready(function(){initNavTree('namespacemembers.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacemembers_enum.xhtml b/documentation/namespacemembers_enum.xhtml index 20eeb76a9..b45e38f64 100644 --- a/documentation/namespacemembers_enum.xhtml +++ b/documentation/namespacemembers_enum.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -182,7 +182,7 @@ $(document).ready(function(){initNavTree('namespacemembers_enum.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacemembers_func.xhtml b/documentation/namespacemembers_func.xhtml index 98314c01e..c47c39cb3 100644 --- a/documentation/namespacemembers_func.xhtml +++ b/documentation/namespacemembers_func.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -105,6 +105,7 @@ var searchBox = new SearchBox("searchBox", "search",false,'Search'); <li><a href="#index_l"><span>l</span></a></li> <li><a href="#index_m"><span>m</span></a></li> <li><a href="#index_n"><span>n</span></a></li> + <li><a href="#index_o"><span>o</span></a></li> <li><a href="#index_p"><span>p</span></a></li> <li><a href="#index_r"><span>r</span></a></li> <li><a href="#index_s"><span>s</span></a></li> @@ -239,7 +240,7 @@ $(document).ready(function(){initNavTree('namespacemembers_func.xhtml','');}); : <a class="el" href="namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41">arm_compute</a> </li> <li>draw_detection_rectangle() -: <a class="el" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">test_helpers</a> +: <a class="el" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">test_helpers</a> </li> </ul> @@ -360,6 +361,13 @@ $(document).ready(function(){initNavTree('namespacemembers_func.xhtml','');}); </ul> +<h3><a class="anchor" id="index_o"></a>- o -</h3><ul> +<li>opencl_is_available() +: <a class="el" href="namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14">arm_compute</a> +</li> +</ul> + + <h3><a class="anchor" id="index_p"></a>- p -</h3><ul> <li>parse_ppm_header() : <a class="el" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers</a> @@ -437,26 +445,26 @@ $(document).ready(function(){initNavTree('namespacemembers_func.xhtml','');}); <li>val_to_string() : <a class="el" href="namespacearm__compute.xhtml#ae350823b5c93227dc33f1105ece06d68">arm_compute</a> </li> -<li>vexp_f32() -: <a class="el" href="namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826">arm_compute</a> +<li>vexpq_f32() +: <a class="el" href="namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3">arm_compute</a> </li> -<li>vinv_f32() -: <a class="el" href="namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a">arm_compute</a> +<li>vinvq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6">arm_compute</a> </li> -<li>vinvsqrt_f32() -: <a class="el" href="namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b">arm_compute</a> +<li>vinvsqrtq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8">arm_compute</a> </li> -<li>vlog_f32() -: <a class="el" href="namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26">arm_compute</a> +<li>vlogq_f32() +: <a class="el" href="namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8">arm_compute</a> </li> <li>vpowq_f32() : <a class="el" href="namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7">arm_compute</a> </li> -<li>vtanh_f32() -: <a class="el" href="namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32">arm_compute</a> +<li>vtanhq_f32() +: <a class="el" href="namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168">arm_compute</a> </li> -<li>vtaylor_poly_f32() -: <a class="el" href="namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84">arm_compute</a> +<li>vtaylor_polyq_f32() +: <a class="el" href="namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8">arm_compute</a> </li> </ul> </div><!-- contents --> @@ -464,7 +472,7 @@ $(document).ready(function(){initNavTree('namespacemembers_func.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacemembers_type.xhtml b/documentation/namespacemembers_type.xhtml index d5426b5ce..47e7d913e 100644 --- a/documentation/namespacemembers_type.xhtml +++ b/documentation/namespacemembers_type.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -368,12 +368,21 @@ $(document).ready(function(){initNavTree('namespacemembers_type.xhtml','');}); <li>NEConvolution3x3Kernel : <a class="el" href="namespacearm__compute.xhtml#acf81639b3d33b5da654ef088e4d10520">arm_compute</a> </li> +<li>NEConvolution5x5 +: <a class="el" href="namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0">arm_compute</a> +</li> <li>NEConvolution5x5Kernel : <a class="el" href="namespacearm__compute.xhtml#a21898b2d2e31ab9af8933c66ff82c8c6">arm_compute</a> </li> +<li>NEConvolution7x7 +: <a class="el" href="namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d">arm_compute</a> +</li> <li>NEConvolution7x7Kernel : <a class="el" href="namespacearm__compute.xhtml#ae46cbbe03d31c6c8e7eba7b58999842d">arm_compute</a> </li> +<li>NEConvolution9x9 +: <a class="el" href="namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb">arm_compute</a> +</li> <li>NEConvolution9x9Kernel : <a class="el" href="namespacearm__compute.xhtml#a1025306f820a9e76df7e5891caacff7b">arm_compute</a> </li> @@ -431,7 +440,7 @@ $(document).ready(function(){initNavTree('namespacemembers_type.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacemembers_vars.xhtml b/documentation/namespacemembers_vars.xhtml index 8886af927..6e94b8531 100644 --- a/documentation/namespacemembers_vars.xhtml +++ b/documentation/namespacemembers_vars.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,7 +146,7 @@ $(document).ready(function(){initNavTree('namespacemembers_vars.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespaces.xhtml b/documentation/namespaces.xhtml index b05bc592b..bb7c92829 100644 --- a/documentation/namespaces.xhtml +++ b/documentation/namespaces.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('namespaces.xhtml','');}); <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/namespacetest__helpers.xhtml b/documentation/namespacetest__helpers.xhtml index 731448d48..63beb00a4 100644 --- a/documentation/namespacetest__helpers.xhtml +++ b/documentation/namespacetest__helpers.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,9 +138,9 @@ Functions</h2></td></tr> <tr class="memitem:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="memItemLeft" align="right" valign="top">int </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">run_example</a> (int argc, const char **argv, <a class="el" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> &func)</td></tr> <tr class="memdesc:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="mdescLeft"> </td><td class="mdescRight">Run an example and handle the potential exceptions it throws. <a href="#a4c9395db2c8b8d0c336656a7b58fca3e">More...</a><br /></td></tr> <tr class="separator:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a35367e474c33789a32cab099884301e0"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">draw_detection_rectangle</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</td></tr> -<tr class="memdesc:a35367e474c33789a32cab099884301e0"><td class="mdescLeft"> </td><td class="mdescRight">Draw a RGB rectangular window for the detected object. <a href="#a35367e474c33789a32cab099884301e0">More...</a><br /></td></tr> -<tr class="separator:a35367e474c33789a32cab099884301e0"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ad1b5373f466a3945e1f0ef1c9943c357"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">draw_detection_rectangle</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a> *tensor, const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</td></tr> +<tr class="memdesc:ad1b5373f466a3945e1f0ef1c9943c357"><td class="mdescLeft"> </td><td class="mdescRight">Draw a RGB rectangular window for the detected object. <a href="#ad1b5373f466a3945e1f0ef1c9943c357">More...</a><br /></td></tr> +<tr class="separator:ad1b5373f466a3945e1f0ef1c9943c357"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="memItemLeft" align="right" valign="top">std::tuple< unsigned int, unsigned int, int > </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a> (std::ifstream &fs)</td></tr> <tr class="memdesc:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="mdescLeft"> </td><td class="mdescRight">Parse the ppm header from an input file stream. <a href="#a3aa8f5f1b94f88fdf5b43a53e29379cf">More...</a><br /></td></tr> <tr class="separator:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="memSeparator" colspan="2"> </td></tr> @@ -169,25 +169,25 @@ Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00052">52</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00050">50</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> </div> </div> <h2 class="groupheader">Function Documentation</h2> -<a class="anchor" id="a35367e474c33789a32cab099884301e0"></a> +<a class="anchor" id="ad1b5373f466a3945e1f0ef1c9943c357"></a> <div class="memitem"> <div class="memproto"> <table class="memname"> <tr> <td class="memname">void draw_detection_rectangle </td> <td>(</td> - <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> * </td> + <td class="paramtype"><a class="el" href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a> * </td> <td class="paramname"><em>tensor</em>, </td> </tr> <tr> <td class="paramkey"></td> <td></td> - <td class="paramtype">const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> & </td> + <td class="paramtype">const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a> & </td> <td class="paramname"><em>rect</em>, </td> </tr> <tr> @@ -228,18 +228,18 @@ Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00099">99</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> +<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00101">101</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> -<p>References <a class="el" href="_validate_8h_source.xhtml#l00215">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">ITensor::buffer()</a>, <a class="el" href="_types_8h_source.xhtml#l00340">DetectionWindow::height</a>, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">ITensor::info()</a>, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">TensorInfo::offset_element_in_bytes()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00198">TensorInfo::strides_in_bytes()</a>, <a class="el" href="_types_8h_source.xhtml#l00339">DetectionWindow::width</a>, <a class="el" href="_types_8h_source.xhtml#l00337">DetectionWindow::x</a>, and <a class="el" href="_types_8h_source.xhtml#l00338">DetectionWindow::y</a>.</p> -<div class="fragment"><div class="line"><a name="l00100"></a><span class="lineno"> 100</span> {</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(tensor, Format::RGB888);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  uint8_t *top = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  uint8_t *bottom = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  uint8_t *left = top;</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  uint8_t *right = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordtype">size_t</span> stride = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()[Window::DimY];</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> x = 0; x < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; ++x)</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  {</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  top[0] = r;</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  top[1] = g;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  top[2] = b;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  bottom[0] = r;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  bottom[1] = g;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  bottom[2] = b;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  top += 3;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span>  bottom += 3;</div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> y = 0; y < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; ++y)</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span>  {</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  left[0] = r;</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  left[1] = g;</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  left[2] = b;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  right[0] = r;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  right[1] = g;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  right[2] = b;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span> </div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  left += stride;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  right += stride;</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  }</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> }</div><div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::DetectionWindow::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00337">Types.h:337</a></div></div> +<p>References <a class="el" href="_validate_8h_source.xhtml#l00215">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">ITensor::buffer()</a>, <a class="el" href="_window_8h_source.xhtml#l00045">Window::DimY</a>, <a class="el" href="_types_8h_source.xhtml#l00353">DetectionWindow::height</a>, <a class="el" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">ITensor::info()</a>, <a class="el" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">TensorInfo::offset_element_in_bytes()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00198">TensorInfo::strides_in_bytes()</a>, <a class="el" href="_types_8h_source.xhtml#l00352">DetectionWindow::width</a>, <a class="el" href="_types_8h_source.xhtml#l00350">DetectionWindow::x</a>, and <a class="el" href="_types_8h_source.xhtml#l00351">DetectionWindow::y</a>.</p> +<div class="fragment"><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(tensor, Format::RGB888);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  uint8_t *top = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  uint8_t *bottom = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  uint8_t *left = top;</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  uint8_t *right = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">offset_element_in_bytes</a>(<a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a>(rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">x</a> + rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>, rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">y</a>)) + tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">buffer</a>();</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="keywordtype">size_t</span> stride = tensor-><a class="code" href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">strides_in_bytes</a>()[Window::DimY];</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span> </div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> x = 0; x < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">width</a>; ++x)</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  top[0] = r;</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  top[1] = g;</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  top[2] = b;</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  bottom[0] = r;</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  bottom[1] = g;</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span>  bottom[2] = b;</div><div class="line"><a name="l00119"></a><span class="lineno"> 119</span> </div><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  top += 3;</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  bottom += 3;</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="line"><a name="l00123"></a><span class="lineno"> 123</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keywordflow">for</span>(<span class="keywordtype">size_t</span> y = 0; y < rect.<a class="code" href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">height</a>; ++y)</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  {</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  left[0] = r;</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  left[1] = g;</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  left[2] = b;</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  right[0] = r;</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  right[1] = g;</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  right[2] = b;</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  left += stride;</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  right += stride;</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  }</div><div class="line"><a name="l00136"></a><span class="lineno"> 136</span> }</div><div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a4dde988b1b2adba65ae3efa69f65d960"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960">arm_compute::DetectionWindow::x</a></div><div class="ttdeci">uint16_t x</div><div class="ttdoc">Top-left x coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00350">Types.h:350</a></div></div> <div class="ttc" id="_validate_8h_xhtml_a0d34a8aa07600727e4e5034c7cdad47d"><div class="ttname"><a href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(t,...)</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00215">Validate.h:215</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_aaf5cc084e0feafccc97492d688f4e2e2"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2">arm_compute::TensorInfo::offset_element_in_bytes</a></div><div class="ttdeci">size_t offset_element_in_bytes(const Coordinates &pos) const </div><div class="ttdoc">The offset in bytes from the beginning of the memory allocation to access the element at position (x...</div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_a8df2a8ec8fcd4258450270f15651b6c9"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9">arm_compute::ITensor::info</a></div><div class="ttdeci">virtual TensorInfo * info() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::DetectionWindow::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00339">Types.h:339</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ad0eab1042455a2067c812ab8071d5376"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376">arm_compute::DetectionWindow::width</a></div><div class="ttdeci">uint16_t width</div><div class="ttdoc">Width of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00352">Types.h:352</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml_ab988210662dbd3bf32fd563c7dd1bdbf"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf">arm_compute::ITensor::buffer</a></div><div class="ttdeci">virtual uint8_t * buffer() const =0</div><div class="ttdoc">Interface to be implemented by the child class to return a pointer to CPU memory. ...</div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::DetectionWindow::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00340">Types.h:340</a></div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::DetectionWindow::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00338">Types.h:338</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_a81c9f8d0b8c3b49d770be14dbe9f0d37"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37">arm_compute::DetectionWindow::height</a></div><div class="ttdeci">uint16_t height</div><div class="ttdoc">Height of the detection window. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00353">Types.h:353</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml_ab0580f504a7428539be299fa71565f30"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30">arm_compute::DetectionWindow::y</a></div><div class="ttdeci">uint16_t y</div><div class="ttdoc">Top-left y coordinate. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00351">Types.h:351</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6b157a0e1ca25ef4d682d3bedfeae5f6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6">arm_compute::TensorInfo::strides_in_bytes</a></div><div class="ttdeci">const Strides & strides_in_bytes() const </div><div class="ttdoc">The strides in bytes for accessing each dimension of the tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00198">TensorInfo.h:198</a></div></div> </div><!-- fragment --> </div> @@ -268,12 +268,12 @@ Functions</h2></td></tr> </dl> <dl class="section return"><dt>Returns</dt><dd>The width, height and max value stored in the header of the PPM file </dd></dl> -<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00136">136</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> +<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00138">138</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> <p>References <a class="el" href="_error_8h_source.xhtml#l00091">ARM_COMPUTE_ERROR_ON_MSG</a>, and <a class="el" href="_error_8h_source.xhtml#l00049">ARM_COMPUTE_UNUSED</a>.</p> -<p>Referenced by <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>.</p> -<div class="fragment"><div class="line"><a name="l00137"></a><span class="lineno"> 137</span> {</div><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  <span class="comment">// Check the PPM magic number is valid</span></div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  std::array<char, 2> magic_number{ { 0 } };</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  fs >> magic_number[0] >> magic_number[1];</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(magic_number[0] != <span class="charliteral">'P'</span> || magic_number[1] != <span class="charliteral">'6'</span>, <span class="stringliteral">"Invalid file type"</span>);</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(magic_number);</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span> </div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> </div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = 0;</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  fs >> width;</div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span> </div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = 0;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  fs >> height;</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> </div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  fs >> max_val;</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span> </div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  discard_comments(fs);</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(isspace(fs.peek()) == 0, <span class="stringliteral">"Invalid PPM header"</span>);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  fs.ignore(1);</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> </div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> std::make_tuple(width, height, max_val);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> }</div><div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> +<p>Referenced by <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>.</p> +<div class="fragment"><div class="line"><a name="l00139"></a><span class="lineno"> 139</span> {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  <span class="comment">// Check the PPM magic number is valid</span></div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  std::array<char, 2> magic_number{ { 0 } };</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  fs >> magic_number[0] >> magic_number[1];</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(magic_number[0] != <span class="charliteral">'P'</span> || magic_number[1] != <span class="charliteral">'6'</span>, <span class="stringliteral">"Invalid file type"</span>);</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(magic_number);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span> </div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> </div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = 0;</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  fs >> width;</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> </div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> </div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = 0;</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  fs >> height;</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> </div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  discard_comments_and_spaces(fs);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span> </div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  fs >> max_val;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  discard_comments(fs);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span> </div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(isspace(fs.peek()) == 0, <span class="stringliteral">"Invalid PPM header"</span>);</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  fs.ignore(1);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> </div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">return</span> std::make_tuple(width, height, max_val);</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span> }</div><div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> <div class="ttc" id="_error_8h_xhtml_a5bbdcf574d3f5e412fa6a1117911e67b"><div class="ttname"><a href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_MSG(cond,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00091">Error.h:91</a></div></div> </div><!-- fragment --> </div> @@ -318,10 +318,10 @@ Functions</h2></td></tr> </dd> </dl> -<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00065">65</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> +<p>Definition at line <a class="el" href="_utils_8cpp_source.xhtml#l00067">67</a> of file <a class="el" href="_utils_8cpp_source.xhtml">Utils.cpp</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00115">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00066"></a><span class="lineno"> 66</span> {</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  std::cout << <span class="stringliteral">"\n"</span></div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  << argv[0] << <span class="stringliteral">"\n\n"</span>;</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  {</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  func(argc, argv);</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  std::cout << <span class="stringliteral">"\nTest passed\n"</span>;</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  }</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <span class="keywordflow">catch</span>(cl::Error &err)</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  {</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  std::cerr << std::endl</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">"("</span> << err.err() << <span class="stringliteral">")"</span> << std::endl;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  }</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  <span class="keywordflow">catch</span>(std::runtime_error &err)</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  {</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  std::cerr << std::endl</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">" "</span> << (errno ? strerror(errno) : <span class="stringliteral">""</span>) << std::endl;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  }</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span> </div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  std::cout << <span class="stringliteral">"\nTest FAILED\n"</span>;</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="keywordflow">return</span> -1;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> }</div></div><!-- fragment --> +<div class="fragment"><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> {</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  std::cout << <span class="stringliteral">"\n"</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  << argv[0] << <span class="stringliteral">"\n\n"</span>;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  {</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  func(argc, argv);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span> </div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  std::cout << <span class="stringliteral">"\nTest passed\n"</span>;</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keywordflow">return</span> 0;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  }</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="keywordflow">catch</span>(cl::Error &err)</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  {</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  std::cerr << std::endl</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">"("</span> << err.err() << <span class="stringliteral">")"</span> << std::endl;</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  }</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  <span class="keywordflow">catch</span>(std::runtime_error &err)</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  {</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  std::cerr << std::endl</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  << <span class="stringliteral">"ERROR "</span> << err.what() << <span class="stringliteral">" "</span> << (errno ? strerror(errno) : <span class="stringliteral">""</span>) << std::endl;</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  std::cerr << <span class="stringliteral">"!!!!!!!!!!!!!!!!!!!!!!!!!!!"</span> << std::endl;</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  std::cout << <span class="stringliteral">"\nTest FAILED\n"</span>;</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span> </div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  <span class="keywordflow">return</span> -1;</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> }</div></div><!-- fragment --> </div> </div> <a class="anchor" id="a5036a1b77bd7223a68954b5078c6545a"></a> @@ -362,19 +362,23 @@ If the input tensor is a CLTensor, the function maps and unmaps the image</dd></ </dd> </dl> -<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">245</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> +<p>Definition at line <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">243</a> of file <a class="el" href="test__helpers_2_utils_8h_source.xhtml">Utils.h</a>.</p> <p>References <a class="el" href="_error_8h_source.xhtml#l00031">ARM_COMPUTE_ERROR</a>, <a class="el" href="_error_8h_source.xhtml#l00100">ARM_COMPUTE_ERROR_ON</a>, <a class="el" href="_validate_8h_source.xhtml#l00215">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>, <a class="el" href="_window_8h_source.xhtml#l00043">Window::DimX</a>, <a class="el" href="_window_8h_source.xhtml#l00045">Window::DimY</a>, <a class="el" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop()</a>, <a class="el" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">Iterator::ptr()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::RGB888</a>, <a class="el" href="_window_8inl_source.xhtml#l00040">Window::set()</a>, and <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>.</p> <p>Referenced by <a class="el" href="cl__convolution_8cpp_source.xhtml#l00053">main_cl_convolution()</a>, <a class="el" href="cl__events_8cpp_source.xhtml#l00033">main_cl_events()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>.</p> -<div class="fragment"><div class="line"><a name="l00246"></a><span class="lineno"> 246</span> {</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&tensor, Format::RGB888, Format::U8);</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(tensor.info()->num_dimensions() > 2);</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> </div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  std::ofstream fs;</div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span> </div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  {</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span>  fs.exceptions(std::ofstream::failbit | std::ofstream::badbit | std::ofstream::eofbit);</div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  fs.open(ppm_filename, std::ios::out | std::ios::binary);</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span> </div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = tensor.info()->tensor_shape()[0];</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = tensor.info()->tensor_shape()[1];</div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span> </div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span>  fs << <span class="stringliteral">"P6\n"</span></div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span>  << width << <span class="stringliteral">" "</span> << height << <span class="stringliteral">" 255\n"</span>;</div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span> </div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  {</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  tensor.map();</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span>  }</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span> </div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">switch</span>(tensor.info()->format())</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  {</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">case</span> Format::U8:</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  {</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimX, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, width, 1));</div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimY, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> </div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span> </div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  {</div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> value = *in.ptr();</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span> </div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  fs << value << value << value;</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  },</div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  in);</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span> </div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  }</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <span class="keywordflow">case</span> Format::RGB888:</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  {</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimX, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, width, width));</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(Window::DimY, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span> </div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  {</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  fs.write(reinterpret_cast<std::fstream::char_type *>(in.ptr()), width * tensor.info()->element_size());</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  },</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  in);</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  }</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  }</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  {</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  tensor.unmap();</div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  }</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ofstream::failure &e)</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  {</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Writing %s: (%s)"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  }</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span> }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> +<div class="fragment"><div class="line"><a name="l00244"></a><span class="lineno"> 244</span> {</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&tensor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>);</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(tensor.info()->num_dimensions() > 2);</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span> </div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  std::ofstream fs;</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> </div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  {</div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  fs.exceptions(std::ofstream::failbit | std::ofstream::badbit | std::ofstream::eofbit);</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  fs.open(ppm_filename, std::ios::out | std::ios::binary);</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span> </div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = tensor.info()->tensor_shape()[0];</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = tensor.info()->tensor_shape()[1];</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span> </div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  fs << <span class="stringliteral">"P6\n"</span></div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span>  << width << <span class="stringliteral">" "</span> << height << <span class="stringliteral">" 255\n"</span>;</div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span> </div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  {</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  tensor.map();</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  }</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span> </div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  <span class="keywordflow">switch</span>(tensor.info()->format())</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  {</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>:</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  {</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, width, 1));</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> </div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span>  {</div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> value = *in.ptr();</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span> </div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  fs << value << value << value;</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span>  },</div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  in);</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span> </div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  }</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>:</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  {</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, width, width));</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> </div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  {</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  fs.write(reinterpret_cast<std::fstream::char_type *>(in.ptr()), width * tensor.info()->element_size());</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  },</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  in);</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span> </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  }</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  }</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  {</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  tensor.unmap();</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  }</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ofstream::failure &e)</div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  {</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Writing %s: (%s)"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  }</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span> }</div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="_validate_8h_xhtml_a0d34a8aa07600727e4e5034c7cdad47d"><div class="ttname"><a href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(t,...)</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00215">Validate.h:215</a></div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_1_1_dimension_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a></div><div class="ttdoc">Describe one of the image&#39;s dimensions with a start, end and step. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00068">Window.h:68</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> +<div class="ttc" id="classarm__compute_1_1_window_xhtml_aa96e81276ee4f87ab386cd05a5539a7d"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a></div><div class="ttdeci">static constexpr size_t DimX</div><div class="ttdoc">Alias for dimension 0 also known as X dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00043">Window.h:43</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a78fd1c0056e9add7ab01b8e118c0038d"><div class="ttname"><a href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a></div><div class="ttdeci">void execute_window_loop(const Window &w, L &&lambda_function, Ts &&...iterators)</div><div class="ttdoc">Iterate through the passed window, automatically adjusting the iterators and calling the lambda_funct...</div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_acd3d2bba51cb84d34dd7656ad2375a6e"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">arm_compute::Window::set</a></div><div class="ttdeci">void set(size_t dimension, const Dimension &dim)</div><div class="ttdoc">Set the values of a given dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8inl_source.xhtml#l00040">Window.inl:40</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_window_xhtml_ad2d402364fa822b0b7775081291eeca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a></div><div class="ttdeci">static constexpr size_t DimY</div><div class="ttdoc">Alias for dimension 1 also known as Y dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00045">Window.h:45</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --> @@ -386,7 +390,7 @@ If the input tensor is a CLTensor, the function maps and unmaps the image</dd></ <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacetest__helpers.xhtml">test_helpers</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/navtreedata.js b/documentation/navtreedata.js index 1e95cac3e..fea00d93f 100644 --- a/documentation/navtreedata.js +++ b/documentation/navtreedata.js @@ -82,21 +82,21 @@ var NAVTREE = var NAVTREEINDEX = [ "_access_window_auto_padding_8h.xhtml", -"_c_l_pyramid_8h_source.xhtml", -"_n_e_color_convert_helper_8inl.xhtml#a14fd899b732509e245976b9967b8931d", -"_pyramid_info_8h.xhtml", -"cl__convolution_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01", -"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a40c8a145562e3a8a4aa332a5ee17d4c9", -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#accc9c8b95ec9d657ae76703031c28def", -"classarm__compute_1_1_c_l_scheduler.xhtml#a9608e5af9f3a199f69ca6aa41b94359a", -"classarm__compute_1_1_i_c_l_multi_image.xhtml#ad6273d4c4587f7956d48f2ea356a5c9b", -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#aab3def12cce96f7b7edde8f2a1de66f5", -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a3f451de2b9b4c74b5c66a1b9b0511836", -"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb", -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ac9d0ac2c616250612ac3835839480cc3", -"classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c", -"harris__corners_8cl.xhtml#a2cf3b8c23c9f8f383d81d13bfff96e3d", -"struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e" +"_c_l_pooling_layer_kernel_8h_source.xhtml", +"_n_e_color_convert_helper_8inl.xhtml", +"_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb", +"channel__extract_8cl_source.xhtml", +"classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#ae0214c82efeb2ed2d6e4c0311ed19778", +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261", +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#abce0bd975f2f2ea4b70aedd72685edc1", +"classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1", +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a6501ef61f473949fc980b4ada8e18bad", +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574", +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69", +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f", +"color__convert_8cl.xhtml#a18ef3b2b70de9af3e4386b2a07f2cd36", +"helpers_8h.xhtml", +"struct_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e" ]; var SYNCONMSG = 'click to disable panel synchronisation'; diff --git a/documentation/navtreeindex0.js b/documentation/navtreeindex0.js index d96080b87..00c77e8d1 100644 --- a/documentation/navtreeindex0.js +++ b/documentation/navtreeindex0.js @@ -143,10 +143,12 @@ var NAVTREEINDEX0 = "_c_l_functions_8h_source.xhtml":[3,0,0,1,0,3], "_c_l_g_e_m_m_8h.xhtml":[3,0,0,1,0,0,27], "_c_l_g_e_m_m_8h_source.xhtml":[3,0,0,1,0,0,27], +"_c_l_g_e_m_m_interleave4x4_8h.xhtml":[3,0,0,1,0,0,28], +"_c_l_g_e_m_m_interleave4x4_8h_source.xhtml":[3,0,0,1,0,0,28], "_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml":[3,0,0,0,0,0,26], "_c_l_g_e_m_m_interleave4x4_kernel_8h_source.xhtml":[3,0,0,0,0,0,26], -"_c_l_g_e_m_m_lowp_8h.xhtml":[3,0,0,1,0,0,28], -"_c_l_g_e_m_m_lowp_8h_source.xhtml":[3,0,0,1,0,0,28], +"_c_l_g_e_m_m_lowp_8h.xhtml":[3,0,0,1,0,0,29], +"_c_l_g_e_m_m_lowp_8h_source.xhtml":[3,0,0,1,0,0,29], "_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml":[3,0,0,0,0,0,27], "_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h_source.xhtml":[3,0,0,0,0,0,27], "_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml":[3,0,0,0,0,0,28], @@ -169,22 +171,22 @@ var NAVTREEINDEX0 = "_c_l_gaussian_pyramid_8h_source.xhtml":[3,0,0,1,0,0,26], "_c_l_gaussian_pyramid_kernel_8h.xhtml":[3,0,0,0,0,0,25], "_c_l_gaussian_pyramid_kernel_8h_source.xhtml":[3,0,0,0,0,0,25], -"_c_l_harris_corners_8h.xhtml":[3,0,0,1,0,0,29], -"_c_l_harris_corners_8h_source.xhtml":[3,0,0,1,0,0,29], +"_c_l_harris_corners_8h.xhtml":[3,0,0,1,0,0,30], +"_c_l_harris_corners_8h_source.xhtml":[3,0,0,1,0,0,30], "_c_l_harris_corners_kernel_8h.xhtml":[3,0,0,0,0,0,32], "_c_l_harris_corners_kernel_8h_source.xhtml":[3,0,0,0,0,0,32], "_c_l_helpers_8h.xhtml":[3,0,0,0,0,1], "_c_l_helpers_8h.xhtml#ab04905b0c6c0e4091160561eae870101":[3,0,0,0,0,1,0], "_c_l_helpers_8h_source.xhtml":[3,0,0,0,0,1], -"_c_l_histogram_8h.xhtml":[3,0,0,1,0,0,30], -"_c_l_histogram_8h.xhtml#af87af588094f04e537df98eaf0426cb6":[3,0,0,1,0,0,30,1], -"_c_l_histogram_8h_source.xhtml":[3,0,0,1,0,0,30], +"_c_l_histogram_8h.xhtml":[3,0,0,1,0,0,31], +"_c_l_histogram_8h.xhtml#af87af588094f04e537df98eaf0426cb6":[3,0,0,1,0,0,31,1], +"_c_l_histogram_8h_source.xhtml":[3,0,0,1,0,0,31], "_c_l_histogram_kernel_8h.xhtml":[3,0,0,0,0,0,33], "_c_l_histogram_kernel_8h_source.xhtml":[3,0,0,0,0,0,33], "_c_l_im2_col_kernel_8h.xhtml":[3,0,0,0,0,0,34], "_c_l_im2_col_kernel_8h_source.xhtml":[3,0,0,0,0,0,34], -"_c_l_integral_image_8h.xhtml":[3,0,0,1,0,0,31], -"_c_l_integral_image_8h_source.xhtml":[3,0,0,1,0,0,31], +"_c_l_integral_image_8h.xhtml":[3,0,0,1,0,0,32], +"_c_l_integral_image_8h_source.xhtml":[3,0,0,1,0,0,32], "_c_l_integral_image_kernel_8h.xhtml":[3,0,0,0,0,0,35], "_c_l_integral_image_kernel_8h_source.xhtml":[3,0,0,0,0,0,35], "_c_l_kernel_library_8h.xhtml":[3,0,0,0,0,2], @@ -196,58 +198,56 @@ var NAVTREEINDEX0 = "_c_l_l_k_tracker_kernel_8h.xhtml#a05d88c40a53babe38cb2cb5841c4a0ad":[3,0,0,0,0,0,36,7], "_c_l_l_k_tracker_kernel_8h.xhtml#a569a32a7a853d4708fd4f4840c88a157":[3,0,0,0,0,0,36,8], "_c_l_l_k_tracker_kernel_8h_source.xhtml":[3,0,0,0,0,0,36], -"_c_l_laplacian_pyramid_8h.xhtml":[3,0,0,1,0,0,32], -"_c_l_laplacian_pyramid_8h_source.xhtml":[3,0,0,1,0,0,32], -"_c_l_laplacian_reconstruct_8h.xhtml":[3,0,0,1,0,0,33], -"_c_l_laplacian_reconstruct_8h_source.xhtml":[3,0,0,1,0,0,33], +"_c_l_laplacian_pyramid_8h.xhtml":[3,0,0,1,0,0,33], +"_c_l_laplacian_pyramid_8h_source.xhtml":[3,0,0,1,0,0,33], +"_c_l_laplacian_reconstruct_8h.xhtml":[3,0,0,1,0,0,34], +"_c_l_laplacian_reconstruct_8h_source.xhtml":[3,0,0,1,0,0,34], "_c_l_lut_8h.xhtml":[3,0,0,1,0,4], "_c_l_lut_8h_source.xhtml":[3,0,0,1,0,4], "_c_l_lut_allocator_8h.xhtml":[3,0,0,1,0,5], "_c_l_lut_allocator_8h_source.xhtml":[3,0,0,1,0,5], -"_c_l_magnitude_8h.xhtml":[3,0,0,1,0,0,34], -"_c_l_magnitude_8h_source.xhtml":[3,0,0,1,0,0,34], +"_c_l_magnitude_8h.xhtml":[3,0,0,1,0,0,35], +"_c_l_magnitude_8h_source.xhtml":[3,0,0,1,0,0,35], "_c_l_magnitude_phase_kernel_8h.xhtml":[3,0,0,0,0,0,37], "_c_l_magnitude_phase_kernel_8h_source.xhtml":[3,0,0,0,0,0,37], -"_c_l_mean_std_dev_8h.xhtml":[3,0,0,1,0,0,35], -"_c_l_mean_std_dev_8h_source.xhtml":[3,0,0,1,0,0,35], +"_c_l_mean_std_dev_8h.xhtml":[3,0,0,1,0,0,36], +"_c_l_mean_std_dev_8h_source.xhtml":[3,0,0,1,0,0,36], "_c_l_mean_std_dev_kernel_8h.xhtml":[3,0,0,0,0,0,38], "_c_l_mean_std_dev_kernel_8h_source.xhtml":[3,0,0,0,0,0,38], -"_c_l_median3x3_8h.xhtml":[3,0,0,1,0,0,36], -"_c_l_median3x3_8h_source.xhtml":[3,0,0,1,0,0,36], +"_c_l_median3x3_8h.xhtml":[3,0,0,1,0,0,37], +"_c_l_median3x3_8h_source.xhtml":[3,0,0,1,0,0,37], "_c_l_median3x3_kernel_8h.xhtml":[3,0,0,0,0,0,39], "_c_l_median3x3_kernel_8h_source.xhtml":[3,0,0,0,0,0,39], -"_c_l_min_max_location_8h.xhtml":[3,0,0,1,0,0,37], -"_c_l_min_max_location_8h_source.xhtml":[3,0,0,1,0,0,37], +"_c_l_min_max_location_8h.xhtml":[3,0,0,1,0,0,38], +"_c_l_min_max_location_8h_source.xhtml":[3,0,0,1,0,0,38], "_c_l_min_max_location_kernel_8h.xhtml":[3,0,0,0,0,0,40], "_c_l_min_max_location_kernel_8h_source.xhtml":[3,0,0,0,0,0,40], "_c_l_multi_image_8h.xhtml":[3,0,0,1,0,6], "_c_l_multi_image_8h_source.xhtml":[3,0,0,1,0,6], -"_c_l_non_linear_filter_8h.xhtml":[3,0,0,1,0,0,38], -"_c_l_non_linear_filter_8h_source.xhtml":[3,0,0,1,0,0,38], +"_c_l_non_linear_filter_8h.xhtml":[3,0,0,1,0,0,39], +"_c_l_non_linear_filter_8h_source.xhtml":[3,0,0,1,0,0,39], "_c_l_non_linear_filter_kernel_8h.xhtml":[3,0,0,0,0,0,41], "_c_l_non_linear_filter_kernel_8h_source.xhtml":[3,0,0,0,0,0,41], -"_c_l_non_maxima_suppression3x3_8h.xhtml":[3,0,0,1,0,0,39], -"_c_l_non_maxima_suppression3x3_8h_source.xhtml":[3,0,0,1,0,0,39], +"_c_l_non_maxima_suppression3x3_8h.xhtml":[3,0,0,1,0,0,40], +"_c_l_non_maxima_suppression3x3_8h_source.xhtml":[3,0,0,1,0,0,40], "_c_l_non_maxima_suppression3x3_kernel_8h.xhtml":[3,0,0,0,0,0,42], "_c_l_non_maxima_suppression3x3_kernel_8h_source.xhtml":[3,0,0,0,0,0,42], -"_c_l_normalization_layer_8h.xhtml":[3,0,0,1,0,0,40], -"_c_l_normalization_layer_8h_source.xhtml":[3,0,0,1,0,0,40], +"_c_l_normalization_layer_8h.xhtml":[3,0,0,1,0,0,41], +"_c_l_normalization_layer_8h_source.xhtml":[3,0,0,1,0,0,41], "_c_l_normalization_layer_kernel_8h.xhtml":[3,0,0,0,0,0,43], "_c_l_normalization_layer_kernel_8h_source.xhtml":[3,0,0,0,0,0,43], -"_c_l_optical_flow_8h.xhtml":[3,0,0,1,0,0,41], -"_c_l_optical_flow_8h.xhtml#a4ec6965f606c588137f7a48d84c1d6f0":[3,0,0,1,0,0,41,3], -"_c_l_optical_flow_8h.xhtml#a70997613219641045213b0c12948fb74":[3,0,0,1,0,0,41,2], -"_c_l_optical_flow_8h.xhtml#afcef84cf3b7d147b2b6ab0bd884afc16":[3,0,0,1,0,0,41,1], -"_c_l_optical_flow_8h_source.xhtml":[3,0,0,1,0,0,41], -"_c_l_phase_8h.xhtml":[3,0,0,1,0,0,42], -"_c_l_phase_8h_source.xhtml":[3,0,0,1,0,0,42], -"_c_l_pixel_wise_multiplication_8h.xhtml":[3,0,0,1,0,0,43], -"_c_l_pixel_wise_multiplication_8h_source.xhtml":[3,0,0,1,0,0,43], +"_c_l_optical_flow_8h.xhtml":[3,0,0,1,0,0,42], +"_c_l_optical_flow_8h.xhtml#a4ec6965f606c588137f7a48d84c1d6f0":[3,0,0,1,0,0,42,3], +"_c_l_optical_flow_8h.xhtml#a70997613219641045213b0c12948fb74":[3,0,0,1,0,0,42,2], +"_c_l_optical_flow_8h.xhtml#afcef84cf3b7d147b2b6ab0bd884afc16":[3,0,0,1,0,0,42,1], +"_c_l_optical_flow_8h_source.xhtml":[3,0,0,1,0,0,42], +"_c_l_phase_8h.xhtml":[3,0,0,1,0,0,43], +"_c_l_phase_8h_source.xhtml":[3,0,0,1,0,0,43], +"_c_l_pixel_wise_multiplication_8h.xhtml":[3,0,0,1,0,0,44], +"_c_l_pixel_wise_multiplication_8h_source.xhtml":[3,0,0,1,0,0,44], "_c_l_pixel_wise_multiplication_kernel_8h.xhtml":[3,0,0,0,0,0,44], "_c_l_pixel_wise_multiplication_kernel_8h_source.xhtml":[3,0,0,0,0,0,44], -"_c_l_pooling_layer_8h.xhtml":[3,0,0,1,0,0,44], -"_c_l_pooling_layer_8h_source.xhtml":[3,0,0,1,0,0,44], -"_c_l_pooling_layer_kernel_8h.xhtml":[3,0,0,0,0,0,45], -"_c_l_pooling_layer_kernel_8h_source.xhtml":[3,0,0,0,0,0,45], -"_c_l_pyramid_8h.xhtml":[3,0,0,1,0,7] +"_c_l_pooling_layer_8h.xhtml":[3,0,0,1,0,0,45], +"_c_l_pooling_layer_8h_source.xhtml":[3,0,0,1,0,0,45], +"_c_l_pooling_layer_kernel_8h.xhtml":[3,0,0,0,0,0,45] }; diff --git a/documentation/navtreeindex1.js b/documentation/navtreeindex1.js index e8e972ee2..975ebcf67 100644 --- a/documentation/navtreeindex1.js +++ b/documentation/navtreeindex1.js @@ -1,38 +1,40 @@ var NAVTREEINDEX1 = { +"_c_l_pooling_layer_kernel_8h_source.xhtml":[3,0,0,0,0,0,45], +"_c_l_pyramid_8h.xhtml":[3,0,0,1,0,7], "_c_l_pyramid_8h_source.xhtml":[3,0,0,1,0,7], -"_c_l_remap_8h.xhtml":[3,0,0,1,0,0,45], -"_c_l_remap_8h_source.xhtml":[3,0,0,1,0,0,45], +"_c_l_remap_8h.xhtml":[3,0,0,1,0,0,46], +"_c_l_remap_8h_source.xhtml":[3,0,0,1,0,0,46], "_c_l_remap_kernel_8h.xhtml":[3,0,0,0,0,0,46], "_c_l_remap_kernel_8h_source.xhtml":[3,0,0,0,0,0,46], -"_c_l_scale_8h.xhtml":[3,0,0,1,0,0,46], -"_c_l_scale_8h_source.xhtml":[3,0,0,1,0,0,46], +"_c_l_scale_8h.xhtml":[3,0,0,1,0,0,47], +"_c_l_scale_8h_source.xhtml":[3,0,0,1,0,0,47], "_c_l_scale_kernel_8h.xhtml":[3,0,0,0,0,0,47], "_c_l_scale_kernel_8h_source.xhtml":[3,0,0,0,0,0,47], -"_c_l_scharr3x3_8h.xhtml":[3,0,0,1,0,0,47], -"_c_l_scharr3x3_8h_source.xhtml":[3,0,0,1,0,0,47], +"_c_l_scharr3x3_8h.xhtml":[3,0,0,1,0,0,48], +"_c_l_scharr3x3_8h_source.xhtml":[3,0,0,1,0,0,48], "_c_l_scharr3x3_kernel_8h.xhtml":[3,0,0,0,0,0,48], "_c_l_scharr3x3_kernel_8h_source.xhtml":[3,0,0,0,0,0,48], "_c_l_scheduler_8h.xhtml":[3,0,0,1,0,8], "_c_l_scheduler_8h_source.xhtml":[3,0,0,1,0,8], -"_c_l_sobel3x3_8h.xhtml":[3,0,0,1,0,0,48], -"_c_l_sobel3x3_8h_source.xhtml":[3,0,0,1,0,0,48], +"_c_l_sobel3x3_8h.xhtml":[3,0,0,1,0,0,49], +"_c_l_sobel3x3_8h_source.xhtml":[3,0,0,1,0,0,49], "_c_l_sobel3x3_kernel_8h.xhtml":[3,0,0,0,0,0,49], "_c_l_sobel3x3_kernel_8h_source.xhtml":[3,0,0,0,0,0,49], -"_c_l_sobel5x5_8h.xhtml":[3,0,0,1,0,0,49], -"_c_l_sobel5x5_8h_source.xhtml":[3,0,0,1,0,0,49], +"_c_l_sobel5x5_8h.xhtml":[3,0,0,1,0,0,50], +"_c_l_sobel5x5_8h_source.xhtml":[3,0,0,1,0,0,50], "_c_l_sobel5x5_kernel_8h.xhtml":[3,0,0,0,0,0,50], "_c_l_sobel5x5_kernel_8h_source.xhtml":[3,0,0,0,0,0,50], -"_c_l_sobel7x7_8h.xhtml":[3,0,0,1,0,0,50], -"_c_l_sobel7x7_8h_source.xhtml":[3,0,0,1,0,0,50], +"_c_l_sobel7x7_8h.xhtml":[3,0,0,1,0,0,51], +"_c_l_sobel7x7_8h_source.xhtml":[3,0,0,1,0,0,51], "_c_l_sobel7x7_kernel_8h.xhtml":[3,0,0,0,0,0,51], "_c_l_sobel7x7_kernel_8h_source.xhtml":[3,0,0,0,0,0,51], -"_c_l_softmax_layer_8h.xhtml":[3,0,0,1,0,0,51], -"_c_l_softmax_layer_8h_source.xhtml":[3,0,0,1,0,0,51], +"_c_l_softmax_layer_8h.xhtml":[3,0,0,1,0,0,52], +"_c_l_softmax_layer_8h_source.xhtml":[3,0,0,1,0,0,52], "_c_l_softmax_layer_kernel_8h.xhtml":[3,0,0,0,0,0,52], "_c_l_softmax_layer_kernel_8h_source.xhtml":[3,0,0,0,0,0,52], -"_c_l_table_lookup_8h.xhtml":[3,0,0,1,0,0,52], -"_c_l_table_lookup_8h_source.xhtml":[3,0,0,1,0,0,52], +"_c_l_table_lookup_8h.xhtml":[3,0,0,1,0,0,53], +"_c_l_table_lookup_8h_source.xhtml":[3,0,0,1,0,0,53], "_c_l_table_lookup_kernel_8h.xhtml":[3,0,0,0,0,0,53], "_c_l_table_lookup_kernel_8h_source.xhtml":[3,0,0,0,0,0,53], "_c_l_tensor_8h.xhtml":[3,0,0,1,0,9], @@ -40,20 +42,20 @@ var NAVTREEINDEX1 = "_c_l_tensor_8h_source.xhtml":[3,0,0,1,0,9], "_c_l_tensor_allocator_8h.xhtml":[3,0,0,1,0,10], "_c_l_tensor_allocator_8h_source.xhtml":[3,0,0,1,0,10], -"_c_l_threshold_8h.xhtml":[3,0,0,1,0,0,53], -"_c_l_threshold_8h_source.xhtml":[3,0,0,1,0,0,53], +"_c_l_threshold_8h.xhtml":[3,0,0,1,0,0,54], +"_c_l_threshold_8h_source.xhtml":[3,0,0,1,0,0,54], "_c_l_threshold_kernel_8h.xhtml":[3,0,0,0,0,0,54], "_c_l_threshold_kernel_8h_source.xhtml":[3,0,0,0,0,0,54], -"_c_l_transpose_8h.xhtml":[3,0,0,1,0,0,54], -"_c_l_transpose_8h_source.xhtml":[3,0,0,1,0,0,54], +"_c_l_transpose_8h.xhtml":[3,0,0,1,0,0,55], +"_c_l_transpose_8h_source.xhtml":[3,0,0,1,0,0,55], "_c_l_transpose_kernel_8h.xhtml":[3,0,0,0,0,0,55], "_c_l_transpose_kernel_8h_source.xhtml":[3,0,0,0,0,0,55], -"_c_l_warp_affine_8h.xhtml":[3,0,0,1,0,0,55], -"_c_l_warp_affine_8h_source.xhtml":[3,0,0,1,0,0,55], +"_c_l_warp_affine_8h.xhtml":[3,0,0,1,0,0,56], +"_c_l_warp_affine_8h_source.xhtml":[3,0,0,1,0,0,56], "_c_l_warp_affine_kernel_8h.xhtml":[3,0,0,0,0,0,56], "_c_l_warp_affine_kernel_8h_source.xhtml":[3,0,0,0,0,0,56], -"_c_l_warp_perspective_8h.xhtml":[3,0,0,1,0,0,56], -"_c_l_warp_perspective_8h_source.xhtml":[3,0,0,1,0,0,56], +"_c_l_warp_perspective_8h.xhtml":[3,0,0,1,0,0,57], +"_c_l_warp_perspective_8h_source.xhtml":[3,0,0,1,0,0,57], "_c_l_warp_perspective_kernel_8h.xhtml":[3,0,0,0,0,0,57], "_c_l_warp_perspective_kernel_8h_source.xhtml":[3,0,0,0,0,0,57], "_c_p_p_corner_candidates_kernel_8h.xhtml":[3,0,0,0,1,0,0], @@ -247,7 +249,5 @@ var NAVTREEINDEX1 = "_n_e_col2_im_kernel_8h.xhtml":[3,0,0,0,2,0,13], "_n_e_col2_im_kernel_8h_source.xhtml":[3,0,0,0,2,0,13], "_n_e_color_convert_8h.xhtml":[3,0,0,1,2,0,13], -"_n_e_color_convert_8h_source.xhtml":[3,0,0,1,2,0,13], -"_n_e_color_convert_helper_8inl.xhtml":[3,0,0,0,2,3], -"_n_e_color_convert_helper_8inl.xhtml#a08e9d88293a5cef787bb324c2dc0a6bf":[3,0,0,0,2,3,2] +"_n_e_color_convert_8h_source.xhtml":[3,0,0,1,2,0,13] }; diff --git a/documentation/navtreeindex10.js b/documentation/navtreeindex10.js index 3d9bfd79d..b037bc917 100644 --- a/documentation/navtreeindex10.js +++ b/documentation/navtreeindex10.js @@ -1,253 +1,253 @@ var NAVTREEINDEX10 = { -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a3f451de2b9b4c74b5c66a1b9b0511836":[2,0,0,272,1], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,272,7], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26":[2,0,0,272,0], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43":[2,0,0,272,5], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aea506ad423462d6e2f6a63ba2107b812":[2,0,0,272,2], -"classarm__compute_1_1_n_e_fully_connected_layer.xhtml":[2,0,0,273], -"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#a9a5cc50098bbd29bd8cd04040f7f0fe1":[2,0,0,273,0], -"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,273,2], -"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4":[2,0,0,273,1], -"classarm__compute_1_1_n_e_g_e_m_m.xhtml":[2,0,0,284], -"classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f":[2,0,0,284,1], -"classarm__compute_1_1_n_e_g_e_m_m.xhtml#a7e368127dca3cd00895300376bdbaf85":[2,0,0,284,0], -"classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,284,2], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml":[2,0,0,285], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,285,0], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml":[2,0,0,286], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,286,1], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,286,2], -"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#ae05d4514f4b8415dbd21e900cffb2fbc":[2,0,0,286,0], -"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml":[2,0,0,287], -"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b":[2,0,0,287,1], -"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ab81dff462e5bc8bb60c9a7fcd93eca75":[2,0,0,287,0], -"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,287,2], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml":[2,0,0,288], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e":[2,0,0,288,5], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282":[2,0,0,288,3], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a81181df64bd527630a72dc7ce5109f49":[2,0,0,288,0], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160":[2,0,0,288,4], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8edbc004da91a133d24f0eb0e9aa8203":[2,0,0,288,1], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,288,6], -"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#aaaae8ae6331658aecf719d56db1acb26":[2,0,0,288,2], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml":[2,0,0,289], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a3c2045bfcff97e671afa7bfc8e2940b6":[2,0,0,289,1], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90":[2,0,0,289,5], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,289,7], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1":[2,0,0,289,6], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aa3c78a8fb89c877aae90f2e76d1fe5ec":[2,0,0,289,0], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aa84ecb564c5f8946e017ca8af72f96c8":[2,0,0,289,2], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c":[2,0,0,289,4], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#af26cd032cee8d8d035b8d5e52422f397":[2,0,0,289,3], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml":[2,0,0,290], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a0b3c2d43b065aefa8c68e0bc7488794e":[2,0,0,290,1], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60":[2,0,0,290,4], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934":[2,0,0,290,3], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,290,6], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#aa1e494c2f7b81dfb35b3ec69adffd225":[2,0,0,290,2], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#ab2165f92396a03786cf5e499c4d0e62c":[2,0,0,290,0], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657":[2,0,0,290,5], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml":[2,0,0,291], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a24f041a22aab638f430bfd66897b5f54":[2,0,0,291,2], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a3ebc015a791e361baa4ce95ed05c7359":[2,0,0,291,1], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d":[2,0,0,291,4], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670":[2,0,0,291,5], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,291,6], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1":[2,0,0,291,3], -"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aeef5692e383060fe73ee1eb989b96ad4":[2,0,0,291,0], -"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml":[2,0,0,292], -"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,292,0], -"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml":[2,0,0,293], -"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,293,0], -"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,293,1], -"classarm__compute_1_1_n_e_gaussian3x3.xhtml":[2,0,0,274], -"classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,274,0], -"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml":[2,0,0,275], -"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,275,1], -"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,275,0], -"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,275,2], -"classarm__compute_1_1_n_e_gaussian5x5.xhtml":[2,0,0,276], -"classarm__compute_1_1_n_e_gaussian5x5.xhtml#a68588d8d5582ef6c0ad8fea6ac77dd25":[2,0,0,276,0], -"classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,276,1], -"classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,276,2], -"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml":[2,0,0,277], -"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,277,2], -"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,277,1], -"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,277,3], -"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#ac1b9627b3909b4050f88a7f87ba65953":[2,0,0,277,0], -"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml":[2,0,0,278], -"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,278,1], -"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,278,0], -"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,278,2], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml":[2,0,0,279], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2":[2,0,0,279,5], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3":[2,0,0,279,6], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba":[2,0,0,279,4], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a676cea2aa477b7ec444b4c884e1465aa":[2,0,0,279,1], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#abb3b0ea959aba777cefa216fb09df8f2":[2,0,0,279,2], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b":[2,0,0,279,0], -"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#af34c199e11afef4c68af773a9fd40150":[2,0,0,279,3], -"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml":[2,0,0,280], -"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab":[2,0,0,280,1], -"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,280,2], -"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#af738e667c218a7d293fdc06925194b1f":[2,0,0,280,0], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml":[2,0,0,281], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,281,5], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a1dfc79d471f28f16d94dd428e1d29abb":[2,0,0,281,0], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,281,4], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a4682a7cae062aa79c6765de586571f00":[2,0,0,281,1], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a4d19680fd58a6db9641a6e1d58ec89ec":[2,0,0,281,2], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429":[2,0,0,281,7], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7":[2,0,0,281,6], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,281,8], -"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#aa5030ad8be9a77dadfd6bca436fd16ad":[2,0,0,281,3], -"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml":[2,0,0,282], -"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab":[2,0,0,282,1], -"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a944408035fc5125bab445b8241abcd90":[2,0,0,282,0], -"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,282,2], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml":[2,0,0,283], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e":[2,0,0,283,7], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,283,5], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362":[2,0,0,283,6], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a335e126153ef3b664bf56c3e8ad143de":[2,0,0,283,3], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,283,4], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a6b7eabb7f21234ba4224ccd58f31759b":[2,0,0,283,2], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a7d7c6bdf235be21dd5c0dd0c17182248":[2,0,0,283,0], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,283,8], -"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#af5d6b94857008b1db101d75e796f362a":[2,0,0,283,1], -"classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml":[2,0,0,294], -"classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448":[2,0,0,294,0], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml":[2,0,0,295], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e":[2,0,0,295,4], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a5abcaf3e9545a325505641d321a858c9":[2,0,0,295,2], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801":[2,0,0,295,6], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b":[2,0,0,295,0], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,295,7], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35":[2,0,0,295,5], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#ad383dd933d1927d688347f6f412dfc21":[2,0,0,295,1], -"classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727":[2,0,0,295,3], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml":[2,0,0,302], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a2326d9458e2047eef9b26745db76ad79":[2,0,0,302,2], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a3f9eda786b67908885c93faf5eb55594":[2,0,0,302,0], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f":[2,0,0,302,5], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a868e84205d6f33fc9bc1a24834752839":[2,0,0,302,3], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,302,7], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f":[2,0,0,302,6], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5":[2,0,0,302,4], -"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ae88dacb24506d235031138db045b8413":[2,0,0,302,1], -"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml":[2,0,0,303], -"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653":[2,0,0,303,0], -"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,303,2], -"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4":[2,0,0,303,1], -"classarm__compute_1_1_n_e_h_o_g_detector.xhtml":[2,0,0,304], -"classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115":[2,0,0,304,0], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml":[2,0,0,305], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f":[2,0,0,305,5], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a2c0f4bf7e37cb04bf2384f4bc71b84d5":[2,0,0,305,0], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a371a0938f66a7f0bf66221247b27d3b3":[2,0,0,305,1], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,305,7], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a9d877f98deeda19e56f5da68fb21a939":[2,0,0,305,2], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632":[2,0,0,305,4], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ac8fd84865e94c9be09c574eb9abdfde6":[2,0,0,305,3], -"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8":[2,0,0,305,6], -"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml":[2,0,0,306], -"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ab664c758b1e6a112b0a9f2e82b04f605":[2,0,0,306,0], -"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa":[2,0,0,306,1], -"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,306,2], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml":[2,0,0,307], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8":[2,0,0,307,0], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99":[2,0,0,307,3], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271":[2,0,0,307,2], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#abb8258d13d0759751d0a95299f091e02":[2,0,0,307,1], -"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,307,4], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml":[2,0,0,308], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878":[2,0,0,308,5], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3":[2,0,0,308,6], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,308,4], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a7f85b6d392d98845913e5e8f24284e41":[2,0,0,308,2], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,308,7], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9":[2,0,0,308,3], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ae5f0cdfe2a9b627f85a5c639310ee7be":[2,0,0,308,1], -"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#afb444379f57371804cf7b586bea94115":[2,0,0,308,0], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml":[2,0,0,309], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05":[2,0,0,309,4], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a369c98c8c9f95122e658eed5f1a55491":[2,0,0,309,3], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a5a1b3543ffcd941a0f3b5bc2b058c92e":[2,0,0,309,0], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1":[2,0,0,309,6], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,309,7], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79":[2,0,0,309,5], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#af2fb5e2868809c6b7e1e472dd34ddbea":[2,0,0,309,1], -"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#afc6437925dc58e28a8d317e9ef64560f":[2,0,0,309,2], -"classarm__compute_1_1_n_e_harris_corners.xhtml":[2,0,0,296], -"classarm__compute_1_1_n_e_harris_corners.xhtml#a259da54cffdfb1865c7f5374f3e7142c":[2,0,0,296,0], -"classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3":[2,0,0,296,1], -"classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,296,2], -"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml":[2,0,0,297], -"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,297,1], -"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,297,3], -"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a97cb6fc2b52a60bdccca7b7359df5211":[2,0,0,297,0], -"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816":[2,0,0,297,2], -"classarm__compute_1_1_n_e_harris_score_kernel.xhtml":[2,0,0,298], -"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a18cf8876acac9c6c2b35e38d9beabe9d":[2,0,0,298,0], -"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,298,1], -"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,298,3], -"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816":[2,0,0,298,2], -"classarm__compute_1_1_n_e_histogram.xhtml":[2,0,0,299], -"classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8":[2,0,0,299,0], -"classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9":[2,0,0,299,1], -"classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,299,2], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml":[2,0,0,300], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05":[2,0,0,300,8], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,300,6], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b":[2,0,0,300,5], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4":[2,0,0,300,7], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14":[2,0,0,300,3], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a75ce2cbdc3828d377857e99b099cf567":[2,0,0,300,1], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,300,9], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ac191caef91b2ae052a3395ebd001c2aa":[2,0,0,300,2], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2":[2,0,0,300,0], -"classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#af3f8935e8d727cac24aebf398ee72ee5":[2,0,0,300,4], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml":[2,0,0,301], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d":[2,0,0,301,0], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b":[2,0,0,301,6], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a2961e5538b89a81b0b0e83159b0526c8":[2,0,0,301,3], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e":[2,0,0,301,1], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd":[2,0,0,301,7], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,301,8], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75":[2,0,0,301,4], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9":[2,0,0,301,5], -"classarm__compute_1_1_n_e_histogram_kernel.xhtml#ad671a80d59ee10144e810003ead8fb57":[2,0,0,301,2], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml":[2,0,0,310], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4":[2,0,0,310,4], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180":[2,0,0,310,6], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a82f0a27f278d1bb7d1457c24941289e4":[2,0,0,310,2], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8":[2,0,0,310,5], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,310,7], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#acaa705664e19820e28eb86f7737a98ba":[2,0,0,310,3], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aec5fb874227c941e8ac14de3d29e543b":[2,0,0,310,0], -"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aff36152aec06ab80bbd3aa8d9dc66075":[2,0,0,310,1], -"classarm__compute_1_1_n_e_integral_image.xhtml":[2,0,0,311], -"classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,311,0], -"classarm__compute_1_1_n_e_integral_image_kernel.xhtml":[2,0,0,312], -"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,312,0], -"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,312,2], -"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,312,1], -"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,312,3], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml":[2,0,0,316], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a10e6214af1515f5916f93dddd1bb3124":[2,0,0,316,0], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029":[2,0,0,316,5], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,316,4], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f":[2,0,0,316,6], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a5c272fb952051d6a06370c2fdb267c96":[2,0,0,316,1], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,316,8], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab32b5b543a39437043fd3e6df25ec574":[2,0,0,316,3], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c":[2,0,0,316,7], -"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#aca5d353ec5bfccdae41b2f647adb3da8":[2,0,0,316,2], -"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml":[2,0,0,313], -"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8":[2,0,0,313,0], -"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351":[2,0,0,313,1], -"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,313,2], -"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml":[2,0,0,314], -"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#a1490de9008819d066ff78159afb03fe0":[2,0,0,314,0] +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574":[2,0,0,270,6], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml":[2,0,0,271], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a":[2,0,0,271,4], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31":[2,0,0,271,6], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a2a4252d6ad42d3828955547d4dce0c21":[2,0,0,271,3], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a3f451de2b9b4c74b5c66a1b9b0511836":[2,0,0,271,1], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,271,7], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26":[2,0,0,271,0], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43":[2,0,0,271,5], +"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aea506ad423462d6e2f6a63ba2107b812":[2,0,0,271,2], +"classarm__compute_1_1_n_e_fully_connected_layer.xhtml":[2,0,0,272], +"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#a9a5cc50098bbd29bd8cd04040f7f0fe1":[2,0,0,272,0], +"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,272,2], +"classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4":[2,0,0,272,1], +"classarm__compute_1_1_n_e_g_e_m_m.xhtml":[2,0,0,283], +"classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f":[2,0,0,283,1], +"classarm__compute_1_1_n_e_g_e_m_m.xhtml#a7e368127dca3cd00895300376bdbaf85":[2,0,0,283,0], +"classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,283,2], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml":[2,0,0,284], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,284,0], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml":[2,0,0,285], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,285,1], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,285,2], +"classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#ae05d4514f4b8415dbd21e900cffb2fbc":[2,0,0,285,0], +"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml":[2,0,0,286], +"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b":[2,0,0,286,1], +"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ab81dff462e5bc8bb60c9a7fcd93eca75":[2,0,0,286,0], +"classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,286,2], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml":[2,0,0,287], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e":[2,0,0,287,5], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282":[2,0,0,287,3], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a81181df64bd527630a72dc7ce5109f49":[2,0,0,287,0], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160":[2,0,0,287,4], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8edbc004da91a133d24f0eb0e9aa8203":[2,0,0,287,1], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,287,6], +"classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#aaaae8ae6331658aecf719d56db1acb26":[2,0,0,287,2], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml":[2,0,0,288], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a3c2045bfcff97e671afa7bfc8e2940b6":[2,0,0,288,1], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90":[2,0,0,288,5], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,288,7], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1":[2,0,0,288,6], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aa3c78a8fb89c877aae90f2e76d1fe5ec":[2,0,0,288,0], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aa84ecb564c5f8946e017ca8af72f96c8":[2,0,0,288,2], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c":[2,0,0,288,4], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#af26cd032cee8d8d035b8d5e52422f397":[2,0,0,288,3], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml":[2,0,0,289], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a0b3c2d43b065aefa8c68e0bc7488794e":[2,0,0,289,1], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60":[2,0,0,289,4], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934":[2,0,0,289,3], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,289,6], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#aa1e494c2f7b81dfb35b3ec69adffd225":[2,0,0,289,2], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#ab2165f92396a03786cf5e499c4d0e62c":[2,0,0,289,0], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657":[2,0,0,289,5], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml":[2,0,0,290], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a24f041a22aab638f430bfd66897b5f54":[2,0,0,290,2], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a3ebc015a791e361baa4ce95ed05c7359":[2,0,0,290,1], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d":[2,0,0,290,4], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670":[2,0,0,290,5], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,290,6], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1":[2,0,0,290,3], +"classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aeef5692e383060fe73ee1eb989b96ad4":[2,0,0,290,0], +"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml":[2,0,0,291], +"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,291,0], +"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml":[2,0,0,292], +"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,292,0], +"classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,292,1], +"classarm__compute_1_1_n_e_gaussian3x3.xhtml":[2,0,0,273], +"classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,273,0], +"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml":[2,0,0,274], +"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,274,1], +"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,274,0], +"classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,274,2], +"classarm__compute_1_1_n_e_gaussian5x5.xhtml":[2,0,0,275], +"classarm__compute_1_1_n_e_gaussian5x5.xhtml#a68588d8d5582ef6c0ad8fea6ac77dd25":[2,0,0,275,0], +"classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,275,1], +"classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,275,2], +"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml":[2,0,0,276], +"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,276,2], +"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,276,1], +"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,276,3], +"classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#ac1b9627b3909b4050f88a7f87ba65953":[2,0,0,276,0], +"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml":[2,0,0,277], +"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,277,1], +"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,277,0], +"classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,277,2], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml":[2,0,0,278], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2":[2,0,0,278,5], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3":[2,0,0,278,6], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba":[2,0,0,278,4], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a676cea2aa477b7ec444b4c884e1465aa":[2,0,0,278,1], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#abb3b0ea959aba777cefa216fb09df8f2":[2,0,0,278,2], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#adf74ce175214d5cdbc645c05fb31b21b":[2,0,0,278,0], +"classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#af34c199e11afef4c68af773a9fd40150":[2,0,0,278,3], +"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml":[2,0,0,279], +"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab":[2,0,0,279,1], +"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,279,2], +"classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#af738e667c218a7d293fdc06925194b1f":[2,0,0,279,0], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml":[2,0,0,280], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,280,5], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a1dfc79d471f28f16d94dd428e1d29abb":[2,0,0,280,0], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,280,4], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a4682a7cae062aa79c6765de586571f00":[2,0,0,280,1], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a4d19680fd58a6db9641a6e1d58ec89ec":[2,0,0,280,2], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429":[2,0,0,280,7], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7":[2,0,0,280,6], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,280,8], +"classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#aa5030ad8be9a77dadfd6bca436fd16ad":[2,0,0,280,3], +"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml":[2,0,0,281], +"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab":[2,0,0,281,1], +"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a944408035fc5125bab445b8241abcd90":[2,0,0,281,0], +"classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,281,2], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml":[2,0,0,282], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e":[2,0,0,282,7], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,282,5], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362":[2,0,0,282,6], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a335e126153ef3b664bf56c3e8ad143de":[2,0,0,282,3], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,282,4], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a6b7eabb7f21234ba4224ccd58f31759b":[2,0,0,282,2], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a7d7c6bdf235be21dd5c0dd0c17182248":[2,0,0,282,0], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,282,8], +"classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#af5d6b94857008b1db101d75e796f362a":[2,0,0,282,1], +"classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml":[2,0,0,293], +"classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448":[2,0,0,293,0], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml":[2,0,0,294], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e":[2,0,0,294,4], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a5abcaf3e9545a325505641d321a858c9":[2,0,0,294,2], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801":[2,0,0,294,6], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b":[2,0,0,294,0], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,294,7], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35":[2,0,0,294,5], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#ad383dd933d1927d688347f6f412dfc21":[2,0,0,294,1], +"classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727":[2,0,0,294,3], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml":[2,0,0,300], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a2326d9458e2047eef9b26745db76ad79":[2,0,0,300,2], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a3f9eda786b67908885c93faf5eb55594":[2,0,0,300,0], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f":[2,0,0,300,5], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a868e84205d6f33fc9bc1a24834752839":[2,0,0,300,3], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,300,7], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f":[2,0,0,300,6], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5":[2,0,0,300,4], +"classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ae88dacb24506d235031138db045b8413":[2,0,0,300,1], +"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml":[2,0,0,301], +"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653":[2,0,0,301,0], +"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,301,2], +"classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4":[2,0,0,301,1], +"classarm__compute_1_1_n_e_h_o_g_detector.xhtml":[2,0,0,302], +"classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115":[2,0,0,302,0], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml":[2,0,0,303], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f":[2,0,0,303,5], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a2c0f4bf7e37cb04bf2384f4bc71b84d5":[2,0,0,303,0], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a371a0938f66a7f0bf66221247b27d3b3":[2,0,0,303,1], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,303,7], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a9d877f98deeda19e56f5da68fb21a939":[2,0,0,303,2], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632":[2,0,0,303,4], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ac8fd84865e94c9be09c574eb9abdfde6":[2,0,0,303,3], +"classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8":[2,0,0,303,6], +"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml":[2,0,0,304], +"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ab664c758b1e6a112b0a9f2e82b04f605":[2,0,0,304,0], +"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa":[2,0,0,304,1], +"classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,304,2], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml":[2,0,0,305], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8":[2,0,0,305,0], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99":[2,0,0,305,3], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271":[2,0,0,305,2], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#abb8258d13d0759751d0a95299f091e02":[2,0,0,305,1], +"classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,305,4], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml":[2,0,0,306], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878":[2,0,0,306,5], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3":[2,0,0,306,6], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,306,4], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a7f85b6d392d98845913e5e8f24284e41":[2,0,0,306,2], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,306,7], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9":[2,0,0,306,3], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ae5f0cdfe2a9b627f85a5c639310ee7be":[2,0,0,306,1], +"classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#afb444379f57371804cf7b586bea94115":[2,0,0,306,0], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml":[2,0,0,307], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05":[2,0,0,307,4], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a369c98c8c9f95122e658eed5f1a55491":[2,0,0,307,3], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a5a1b3543ffcd941a0f3b5bc2b058c92e":[2,0,0,307,0], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1":[2,0,0,307,6], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,307,7], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79":[2,0,0,307,5], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#af2fb5e2868809c6b7e1e472dd34ddbea":[2,0,0,307,1], +"classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#afc6437925dc58e28a8d317e9ef64560f":[2,0,0,307,2], +"classarm__compute_1_1_n_e_harris_corners.xhtml":[2,0,0,295], +"classarm__compute_1_1_n_e_harris_corners.xhtml#a259da54cffdfb1865c7f5374f3e7142c":[2,0,0,295,0], +"classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3":[2,0,0,295,1], +"classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,295,2], +"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml":[2,0,0,296], +"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,296,1], +"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,296,3], +"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a97cb6fc2b52a60bdccca7b7359df5211":[2,0,0,296,0], +"classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816":[2,0,0,296,2], +"classarm__compute_1_1_n_e_harris_score_kernel.xhtml":[2,0,0,297], +"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a18cf8876acac9c6c2b35e38d9beabe9d":[2,0,0,297,0], +"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,297,1], +"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,297,3], +"classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816":[2,0,0,297,2], +"classarm__compute_1_1_n_e_histogram.xhtml":[2,0,0,298], +"classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8":[2,0,0,298,0], +"classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9":[2,0,0,298,1], +"classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,298,2], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml":[2,0,0,299], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d":[2,0,0,299,0], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b":[2,0,0,299,6], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a2961e5538b89a81b0b0e83159b0526c8":[2,0,0,299,3], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e":[2,0,0,299,1], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd":[2,0,0,299,7], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,299,8], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75":[2,0,0,299,4], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9":[2,0,0,299,5], +"classarm__compute_1_1_n_e_histogram_kernel.xhtml#ad671a80d59ee10144e810003ead8fb57":[2,0,0,299,2], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml":[2,0,0,308], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4":[2,0,0,308,4], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180":[2,0,0,308,6], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a82f0a27f278d1bb7d1457c24941289e4":[2,0,0,308,2], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8":[2,0,0,308,5], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,308,7], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#acaa705664e19820e28eb86f7737a98ba":[2,0,0,308,3], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aec5fb874227c941e8ac14de3d29e543b":[2,0,0,308,0], +"classarm__compute_1_1_n_e_im2_col_kernel.xhtml#aff36152aec06ab80bbd3aa8d9dc66075":[2,0,0,308,1], +"classarm__compute_1_1_n_e_integral_image.xhtml":[2,0,0,309], +"classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,309,0], +"classarm__compute_1_1_n_e_integral_image_kernel.xhtml":[2,0,0,310], +"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,310,0], +"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,310,2], +"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,310,1], +"classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,310,3], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml":[2,0,0,314], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a10e6214af1515f5916f93dddd1bb3124":[2,0,0,314,0], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,314,4], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f":[2,0,0,314,6], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a5c272fb952051d6a06370c2fdb267c96":[2,0,0,314,1], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,314,8], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d":[2,0,0,314,5], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab32b5b543a39437043fd3e6df25ec574":[2,0,0,314,3], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c":[2,0,0,314,7], +"classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#aca5d353ec5bfccdae41b2f647adb3da8":[2,0,0,314,2], +"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml":[2,0,0,311], +"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8":[2,0,0,311,0], +"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351":[2,0,0,311,1], +"classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,311,2], +"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml":[2,0,0,312], +"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#a1490de9008819d066ff78159afb03fe0":[2,0,0,312,0], +"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,312,2], +"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63":[2,0,0,312,1], +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml":[2,0,0,315], +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,315,1], +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051":[2,0,0,315,0], +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,315,2] }; diff --git a/documentation/navtreeindex11.js b/documentation/navtreeindex11.js index 32dc07c54..95b69ce1b 100644 --- a/documentation/navtreeindex11.js +++ b/documentation/navtreeindex11.js @@ -1,253 +1,253 @@ var NAVTREEINDEX11 = { -"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,314,2], -"classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63":[2,0,0,314,1], -"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml":[2,0,0,317], -"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,317,1], -"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051":[2,0,0,317,0], -"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,317,2], -"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,317,3], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml":[2,0,0,318], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0":[2,0,0,318,5], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a1a9bde295eb0b6174872ebc9477a9b4d":[2,0,0,318,3], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5":[2,0,0,318,4], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7":[2,0,0,318,6], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4":[2,0,0,318,1], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a6ebe871bbc1c0529e92ef6f817f31caf":[2,0,0,318,2], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,318,7], -"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad":[2,0,0,318,0], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml":[2,0,0,319], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a095126899a98519c75faf03ec9fa5762":[2,0,0,319,3], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b":[2,0,0,319,5], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,319,4], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a47f13f5423a3a7e32d82e74a6c918cac":[2,0,0,319,0], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a4ee98193bffc997841c1eb4f43b6bb34":[2,0,0,319,1], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a541f8b17ae7011090ec7129487e61d04":[2,0,0,319,2], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,319,8], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3":[2,0,0,319,6], -"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a":[2,0,0,319,7], -"classarm__compute_1_1_n_e_magnitude.xhtml":[2,0,0,320], -"classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f":[2,0,0,320,0], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml":[2,0,0,321], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a2f7cd06c45fa0bdbd7ffe971aeebf6bf":[2,0,0,321,2], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a67985137eb73958ea7b152935484332c":[2,0,0,321,0], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881":[2,0,0,321,6], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a7e0972b95a84e58a9b3c34d25989e645":[2,0,0,321,3], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6":[2,0,0,321,4], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,321,7], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ad0c0a6e7ff2041d8c7d2eba5261c3e84":[2,0,0,321,1], -"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e":[2,0,0,321,5], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml":[2,0,0,322], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a1bd4859d9eadb11c47c40235e2b4d044":[2,0,0,322,1], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a53c147feec3c6f2912779194fa2b5513":[2,0,0,322,0], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b":[2,0,0,322,5], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6":[2,0,0,322,4], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,322,7], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ac0a5198310dfa51fb02e28e2594e1d53":[2,0,0,322,3], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037":[2,0,0,322,6], -"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#aebf700d44017c1ff38ad0d3741aaac56":[2,0,0,322,2], -"classarm__compute_1_1_n_e_mean_std_dev.xhtml":[2,0,0,323], -"classarm__compute_1_1_n_e_mean_std_dev.xhtml#a08ebd3b5f0e06c72c512d799cd9fccd2":[2,0,0,323,0], -"classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25":[2,0,0,323,1], -"classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,323,2], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml":[2,0,0,324], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a1a1acc45068c69bc66b6d5d530d7b63f":[2,0,0,324,1], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb":[2,0,0,324,4], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6a85f552b312ad2560ae02676db95f9e":[2,0,0,324,0], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6d25c4a312717de480c27bdf6c4937ce":[2,0,0,324,2], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d":[2,0,0,324,5], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,324,7], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#ad18b8df3b46973ddb4196f5b31ef5356":[2,0,0,324,3], -"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c":[2,0,0,324,6], -"classarm__compute_1_1_n_e_median3x3.xhtml":[2,0,0,325], -"classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,325,0], -"classarm__compute_1_1_n_e_median3x3_kernel.xhtml":[2,0,0,326], -"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,326,1], -"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,326,0], -"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,326,2], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml":[2,0,0,327], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a14c484d0c1759b7163e3691ea1bb8bb5":[2,0,0,327,0], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a6838da666c340e4d73e8779d710a2dfd":[2,0,0,327,1], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823":[2,0,0,327,4], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a84d717a70410510f56d4ed3ac2db60b1":[2,0,0,327,3], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a86b4a121baa6da0124df90f08436eb30":[2,0,0,327,2], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971":[2,0,0,327,6], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,327,8], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e":[2,0,0,327,5], -"classarm__compute_1_1_n_e_min_max_kernel.xhtml#ad20897c5c8bd47f5d4005989bead0e55":[2,0,0,327,7], -"classarm__compute_1_1_n_e_min_max_location.xhtml":[2,0,0,328], -"classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,328,2], -"classarm__compute_1_1_n_e_min_max_location.xhtml#ae1e54926ff0f8534bbd3a97d9c0fdaa2":[2,0,0,328,0], -"classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d":[2,0,0,328,1], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml":[2,0,0,329], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190":[2,0,0,329,7], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a41c506659961dcf1f935ae6e349f0d54":[2,0,0,329,0], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,329,5], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4af86554efc6b1306d4342927e90c419":[2,0,0,329,1], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6971de3cc78ca3734cc210752253f76b":[2,0,0,329,2], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6ec01aa0ce619004282347747efb471e":[2,0,0,329,3], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,329,8], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774":[2,0,0,329,6], -"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d":[2,0,0,329,4], -"classarm__compute_1_1_n_e_non_linear_filter.xhtml":[2,0,0,330], -"classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8":[2,0,0,330,0], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml":[2,0,0,331], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db":[2,0,0,331,6], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,331,3], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,331,7], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a96fdf0f338c5dc5cee8fc2cad8b37b6b":[2,0,0,331,1], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#aa8b392e0f9752f58bad0899fbf05062d":[2,0,0,331,2], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3":[2,0,0,331,4], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a":[2,0,0,331,5], -"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#af7d8f3eac26e577c2c1754a7c2dab402":[2,0,0,331,0], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml":[2,0,0,332], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4":[2,0,0,332,0], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml":[2,0,0,333], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,333,0], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml":[2,0,0,334], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,334,5], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a1bbd53ef4af62c130e01677bbabdf145":[2,0,0,334,3], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78":[2,0,0,334,0], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,334,4], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,334,8], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d":[2,0,0,334,6], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#ae4b41758a959cb874f3d8a179fd37a7e":[2,0,0,334,1], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565":[2,0,0,334,7], -"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef9f048495848c9d8af9939009c363fc":[2,0,0,334,2], -"classarm__compute_1_1_n_e_normalization_layer.xhtml":[2,0,0,335], -"classarm__compute_1_1_n_e_normalization_layer.xhtml#a37c02a72e62b5add96e4f99e81b0ecc3":[2,0,0,335,0], -"classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,335,2], -"classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb":[2,0,0,335,1], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml":[2,0,0,336], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a0a9583248b18a4ac65987cd5adebc6ed":[2,0,0,336,1], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290":[2,0,0,336,7], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,336,4], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700":[2,0,0,336,0], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe":[2,0,0,336,6], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166":[2,0,0,336,5], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,336,8], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#ab3498b8beb89599cee12a9e2ac083d88":[2,0,0,336,2], -"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#adf3fc8e343c72544d6881066bab7fc8a":[2,0,0,336,3], -"classarm__compute_1_1_n_e_optical_flow.xhtml":[2,0,0,337], -"classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441":[2,0,0,337,3], -"classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c":[2,0,0,337,2], -"classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c":[2,0,0,337,0], -"classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,337,4], -"classarm__compute_1_1_n_e_optical_flow.xhtml#ad5dfdcf45ad38c48cd725b0fdc675b34":[2,0,0,337,1], -"classarm__compute_1_1_n_e_phase.xhtml":[2,0,0,338], -"classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,338,0], -"classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml":[2,0,0,339], -"classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613":[2,0,0,339,0], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml":[2,0,0,340], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a032fb6504d12ca1244b2d7d82609f062":[2,0,0,340,2], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19":[2,0,0,340,5], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a75e09a8ec40fb21b0f71421960b540a6":[2,0,0,340,0], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,340,7], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991":[2,0,0,340,6], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613":[2,0,0,340,4], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab299ab73ca304f9e10359a54a763f4d3":[2,0,0,340,3], -"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ac23503429643fa0415fd64b1fc17e40c":[2,0,0,340,1], -"classarm__compute_1_1_n_e_pooling_layer.xhtml":[2,0,0,341], -"classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568":[2,0,0,341,0], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml":[2,0,0,342], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb":[2,0,0,342,7], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b":[2,0,0,342,6], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a3ce56b044278a877edbef5cff1768124":[2,0,0,342,3], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,342,4], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1":[2,0,0,342,0], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8002aba3f59c078c9899ad236ba67174":[2,0,0,342,1], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,342,8], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#ab35670d771933fa900a8cccae52cc0dd":[2,0,0,342,2], -"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c":[2,0,0,342,5], -"classarm__compute_1_1_n_e_remap.xhtml":[2,0,0,343], -"classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9":[2,0,0,343,0], -"classarm__compute_1_1_n_e_remap_kernel.xhtml":[2,0,0,344], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#a02121cbb8760314f74f08d6b36a2cbbc":[2,0,0,344,1], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616":[2,0,0,344,4], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#a6765950fc203ca7413dd78271664c779":[2,0,0,344,3], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,344,7], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835":[2,0,0,344,5], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673":[2,0,0,344,6], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e":[2,0,0,344,0], -"classarm__compute_1_1_n_e_remap_kernel.xhtml#af892b3094dc3ab5b8eea6f0d9ab4b47d":[2,0,0,344,2], -"classarm__compute_1_1_n_e_scale.xhtml":[2,0,0,345], -"classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940":[2,0,0,345,1], -"classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657":[2,0,0,345,0], -"classarm__compute_1_1_n_e_scale_kernel.xhtml":[2,0,0,346], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4":[2,0,0,346,0], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a20422dd80d0c568f0c07730923a0d8d0":[2,0,0,346,3], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,346,4], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699":[2,0,0,346,5], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,346,8], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596":[2,0,0,346,6], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7":[2,0,0,346,7], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#ae1d7843aaf1b5e13bf8403e44249b97a":[2,0,0,346,2], -"classarm__compute_1_1_n_e_scale_kernel.xhtml#afaad06478be3721ab81bb31303e3036d":[2,0,0,346,1], -"classarm__compute_1_1_n_e_scharr3x3.xhtml":[2,0,0,347], -"classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,347,0], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml":[2,0,0,348], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a40d29ef4a881c7f54f2c5ac7e59500fb":[2,0,0,348,3], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,348,4], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309":[2,0,0,348,0], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,348,8], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6":[2,0,0,348,6], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b":[2,0,0,348,7], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa92e67ceef8ce3ddbee234f9f3a28220":[2,0,0,348,1], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aafe178454cd5eadaf3e80e39e46b3b45":[2,0,0,348,2], -"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,348,5], -"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml":[2,0,0,349], -"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625":[2,0,0,349,2], -"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,349,1], -"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,349,3], -"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a965a154580e00968b45aa6268986cd51":[2,0,0,349,0], -"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml":[2,0,0,350], -"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,350,1], -"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,350,3], -"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ac3aaa23fc2c41fdb7a6de14841631fbd":[2,0,0,350,0], -"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22":[2,0,0,350,2], -"classarm__compute_1_1_n_e_sobel3x3.xhtml":[2,0,0,351], -"classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,351,0], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml":[2,0,0,352], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,352,4], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a4bc884b1fc83db1d51ed40243d8c4be8":[2,0,0,352,2], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810":[2,0,0,352,0], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,352,8], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40":[2,0,0,352,6], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,352,5], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e":[2,0,0,352,7], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#afb53206c970a06eec11dc2d7fb30819d":[2,0,0,352,1], -"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#aff65aac9947b796380e33bc82a9795b5":[2,0,0,352,3], -"classarm__compute_1_1_n_e_sobel5x5.xhtml":[2,0,0,353], -"classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d":[2,0,0,353,0], -"classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,353,1], -"classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,353,2], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml":[2,0,0,354], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92":[2,0,0,354,7], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,354,4], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a5f9e4b85f76463d3aab250f0f9a4873e":[2,0,0,354,1], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b":[2,0,0,354,0], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,354,8], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9905eef5888d96ccddf9788adfadfcfb":[2,0,0,354,3], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce":[2,0,0,354,6], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ab3fe9be760d9e2faa8cb36872889fc98":[2,0,0,354,2], -"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,354,5], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml":[2,0,0,355], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3":[2,0,0,355,5], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a2ff0db37338bc4f3cbc18e51ce0317ae":[2,0,0,355,2], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,355,4], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a":[2,0,0,355,7], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953":[2,0,0,355,6], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,355,8], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#ab46cf54e2df5a20b634660a06e48e9d5":[2,0,0,355,0], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#aefe5ee52a24df017a67c5fe79ac0d19f":[2,0,0,355,1], -"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#af8c29da1f0b11bd359b1574fbf86c1c8":[2,0,0,355,3], -"classarm__compute_1_1_n_e_sobel7x7.xhtml":[2,0,0,356], -"classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a":[2,0,0,356,0], -"classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,356,1], -"classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,356,2], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml":[2,0,0,357], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143":[2,0,0,357,0], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,357,4], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,357,8], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40":[2,0,0,357,6] +"classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,315,3], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml":[2,0,0,316], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0":[2,0,0,316,5], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a1a9bde295eb0b6174872ebc9477a9b4d":[2,0,0,316,3], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5":[2,0,0,316,4], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7":[2,0,0,316,6], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4":[2,0,0,316,1], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a6ebe871bbc1c0529e92ef6f817f31caf":[2,0,0,316,2], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,316,7], +"classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad":[2,0,0,316,0], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml":[2,0,0,317], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a095126899a98519c75faf03ec9fa5762":[2,0,0,317,3], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b":[2,0,0,317,5], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,317,4], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a47f13f5423a3a7e32d82e74a6c918cac":[2,0,0,317,0], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a4ee98193bffc997841c1eb4f43b6bb34":[2,0,0,317,1], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a541f8b17ae7011090ec7129487e61d04":[2,0,0,317,2], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,317,8], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3":[2,0,0,317,6], +"classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a":[2,0,0,317,7], +"classarm__compute_1_1_n_e_magnitude.xhtml":[2,0,0,318], +"classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f":[2,0,0,318,0], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml":[2,0,0,319], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a2f7cd06c45fa0bdbd7ffe971aeebf6bf":[2,0,0,319,2], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a67985137eb73958ea7b152935484332c":[2,0,0,319,0], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881":[2,0,0,319,6], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a7e0972b95a84e58a9b3c34d25989e645":[2,0,0,319,3], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6":[2,0,0,319,4], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,319,7], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ad0c0a6e7ff2041d8c7d2eba5261c3e84":[2,0,0,319,1], +"classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e":[2,0,0,319,5], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml":[2,0,0,320], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a1bd4859d9eadb11c47c40235e2b4d044":[2,0,0,320,1], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a53c147feec3c6f2912779194fa2b5513":[2,0,0,320,0], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b":[2,0,0,320,5], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6":[2,0,0,320,4], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,320,7], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ac0a5198310dfa51fb02e28e2594e1d53":[2,0,0,320,3], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037":[2,0,0,320,6], +"classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#aebf700d44017c1ff38ad0d3741aaac56":[2,0,0,320,2], +"classarm__compute_1_1_n_e_mean_std_dev.xhtml":[2,0,0,321], +"classarm__compute_1_1_n_e_mean_std_dev.xhtml#a08ebd3b5f0e06c72c512d799cd9fccd2":[2,0,0,321,0], +"classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25":[2,0,0,321,1], +"classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,321,2], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml":[2,0,0,322], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a1a1acc45068c69bc66b6d5d530d7b63f":[2,0,0,322,1], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb":[2,0,0,322,4], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6a85f552b312ad2560ae02676db95f9e":[2,0,0,322,0], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a6d25c4a312717de480c27bdf6c4937ce":[2,0,0,322,2], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d":[2,0,0,322,5], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,322,7], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#ad18b8df3b46973ddb4196f5b31ef5356":[2,0,0,322,3], +"classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c":[2,0,0,322,6], +"classarm__compute_1_1_n_e_median3x3.xhtml":[2,0,0,323], +"classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48":[2,0,0,323,0], +"classarm__compute_1_1_n_e_median3x3_kernel.xhtml":[2,0,0,324], +"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,324,1], +"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,324,0], +"classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,324,2], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml":[2,0,0,325], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a14c484d0c1759b7163e3691ea1bb8bb5":[2,0,0,325,0], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a6838da666c340e4d73e8779d710a2dfd":[2,0,0,325,1], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823":[2,0,0,325,4], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a84d717a70410510f56d4ed3ac2db60b1":[2,0,0,325,3], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a86b4a121baa6da0124df90f08436eb30":[2,0,0,325,2], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971":[2,0,0,325,6], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,325,8], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e":[2,0,0,325,5], +"classarm__compute_1_1_n_e_min_max_kernel.xhtml#ad20897c5c8bd47f5d4005989bead0e55":[2,0,0,325,7], +"classarm__compute_1_1_n_e_min_max_location.xhtml":[2,0,0,326], +"classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,326,2], +"classarm__compute_1_1_n_e_min_max_location.xhtml#ae1e54926ff0f8534bbd3a97d9c0fdaa2":[2,0,0,326,0], +"classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d":[2,0,0,326,1], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml":[2,0,0,327], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190":[2,0,0,327,7], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a41c506659961dcf1f935ae6e349f0d54":[2,0,0,327,0], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,327,5], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4af86554efc6b1306d4342927e90c419":[2,0,0,327,1], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6971de3cc78ca3734cc210752253f76b":[2,0,0,327,2], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a6ec01aa0ce619004282347747efb471e":[2,0,0,327,3], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,327,8], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774":[2,0,0,327,6], +"classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d":[2,0,0,327,4], +"classarm__compute_1_1_n_e_non_linear_filter.xhtml":[2,0,0,328], +"classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8":[2,0,0,328,0], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml":[2,0,0,329], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db":[2,0,0,329,6], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,329,3], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,329,7], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a96fdf0f338c5dc5cee8fc2cad8b37b6b":[2,0,0,329,1], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#aa8b392e0f9752f58bad0899fbf05062d":[2,0,0,329,2], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3":[2,0,0,329,4], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a":[2,0,0,329,5], +"classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#af7d8f3eac26e577c2c1754a7c2dab402":[2,0,0,329,0], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml":[2,0,0,330], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4":[2,0,0,330,0], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml":[2,0,0,331], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,331,0], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml":[2,0,0,332], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,332,5], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a1bbd53ef4af62c130e01677bbabdf145":[2,0,0,332,3], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a23a87d0179856717eec69f3b960d3e78":[2,0,0,332,0], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,332,4], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,332,8], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d":[2,0,0,332,6], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#ae4b41758a959cb874f3d8a179fd37a7e":[2,0,0,332,1], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565":[2,0,0,332,7], +"classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef9f048495848c9d8af9939009c363fc":[2,0,0,332,2], +"classarm__compute_1_1_n_e_normalization_layer.xhtml":[2,0,0,333], +"classarm__compute_1_1_n_e_normalization_layer.xhtml#a37c02a72e62b5add96e4f99e81b0ecc3":[2,0,0,333,0], +"classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,333,2], +"classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb":[2,0,0,333,1], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml":[2,0,0,334], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a0a9583248b18a4ac65987cd5adebc6ed":[2,0,0,334,1], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290":[2,0,0,334,7], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,334,4], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700":[2,0,0,334,0], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe":[2,0,0,334,6], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166":[2,0,0,334,5], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,334,8], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#ab3498b8beb89599cee12a9e2ac083d88":[2,0,0,334,2], +"classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#adf3fc8e343c72544d6881066bab7fc8a":[2,0,0,334,3], +"classarm__compute_1_1_n_e_optical_flow.xhtml":[2,0,0,335], +"classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441":[2,0,0,335,3], +"classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c":[2,0,0,335,2], +"classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c":[2,0,0,335,0], +"classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,335,4], +"classarm__compute_1_1_n_e_optical_flow.xhtml#ad5dfdcf45ad38c48cd725b0fdc675b34":[2,0,0,335,1], +"classarm__compute_1_1_n_e_phase.xhtml":[2,0,0,336], +"classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,336,0], +"classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml":[2,0,0,337], +"classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613":[2,0,0,337,0], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml":[2,0,0,338], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a032fb6504d12ca1244b2d7d82609f062":[2,0,0,338,2], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19":[2,0,0,338,5], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a75e09a8ec40fb21b0f71421960b540a6":[2,0,0,338,0], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,338,7], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991":[2,0,0,338,6], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613":[2,0,0,338,4], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab299ab73ca304f9e10359a54a763f4d3":[2,0,0,338,3], +"classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ac23503429643fa0415fd64b1fc17e40c":[2,0,0,338,1], +"classarm__compute_1_1_n_e_pooling_layer.xhtml":[2,0,0,339], +"classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568":[2,0,0,339,0], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml":[2,0,0,340], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb":[2,0,0,340,7], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b":[2,0,0,340,6], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a3ce56b044278a877edbef5cff1768124":[2,0,0,340,3], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,340,4], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1":[2,0,0,340,0], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8002aba3f59c078c9899ad236ba67174":[2,0,0,340,1], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,340,8], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#ab35670d771933fa900a8cccae52cc0dd":[2,0,0,340,2], +"classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c":[2,0,0,340,5], +"classarm__compute_1_1_n_e_remap.xhtml":[2,0,0,341], +"classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9":[2,0,0,341,0], +"classarm__compute_1_1_n_e_remap_kernel.xhtml":[2,0,0,342], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#a02121cbb8760314f74f08d6b36a2cbbc":[2,0,0,342,1], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616":[2,0,0,342,4], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#a6765950fc203ca7413dd78271664c779":[2,0,0,342,3], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,342,7], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835":[2,0,0,342,5], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673":[2,0,0,342,6], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e":[2,0,0,342,0], +"classarm__compute_1_1_n_e_remap_kernel.xhtml#af892b3094dc3ab5b8eea6f0d9ab4b47d":[2,0,0,342,2], +"classarm__compute_1_1_n_e_scale.xhtml":[2,0,0,343], +"classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940":[2,0,0,343,1], +"classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657":[2,0,0,343,0], +"classarm__compute_1_1_n_e_scale_kernel.xhtml":[2,0,0,344], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a025ceb246f7b80a3cb765d33d6a5cfe4":[2,0,0,344,0], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a20422dd80d0c568f0c07730923a0d8d0":[2,0,0,344,3], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,344,4], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699":[2,0,0,344,5], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,344,8], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596":[2,0,0,344,6], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7":[2,0,0,344,7], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#ae1d7843aaf1b5e13bf8403e44249b97a":[2,0,0,344,2], +"classarm__compute_1_1_n_e_scale_kernel.xhtml#afaad06478be3721ab81bb31303e3036d":[2,0,0,344,1], +"classarm__compute_1_1_n_e_scharr3x3.xhtml":[2,0,0,345], +"classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,345,0], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml":[2,0,0,346], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a40d29ef4a881c7f54f2c5ac7e59500fb":[2,0,0,346,3], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,346,4], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a625e12a0c7ab061154b39f47a4a11309":[2,0,0,346,0], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,346,8], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6":[2,0,0,346,6], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b":[2,0,0,346,7], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa92e67ceef8ce3ddbee234f9f3a28220":[2,0,0,346,1], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aafe178454cd5eadaf3e80e39e46b3b45":[2,0,0,346,2], +"classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,346,5], +"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml":[2,0,0,347], +"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625":[2,0,0,347,2], +"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,347,1], +"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,347,3], +"classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a965a154580e00968b45aa6268986cd51":[2,0,0,347,0], +"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml":[2,0,0,348], +"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,348,1], +"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,348,3], +"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ac3aaa23fc2c41fdb7a6de14841631fbd":[2,0,0,348,0], +"classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22":[2,0,0,348,2], +"classarm__compute_1_1_n_e_sobel3x3.xhtml":[2,0,0,349], +"classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,349,0], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml":[2,0,0,350], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,350,4], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a4bc884b1fc83db1d51ed40243d8c4be8":[2,0,0,350,2], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810":[2,0,0,350,0], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,350,8], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40":[2,0,0,350,6], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,350,5], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e":[2,0,0,350,7], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#afb53206c970a06eec11dc2d7fb30819d":[2,0,0,350,1], +"classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#aff65aac9947b796380e33bc82a9795b5":[2,0,0,350,3], +"classarm__compute_1_1_n_e_sobel5x5.xhtml":[2,0,0,351], +"classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d":[2,0,0,351,0], +"classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,351,1], +"classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,351,2], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml":[2,0,0,352], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92":[2,0,0,352,7], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,352,4], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a5f9e4b85f76463d3aab250f0f9a4873e":[2,0,0,352,1], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b":[2,0,0,352,0], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,352,8], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9905eef5888d96ccddf9788adfadfcfb":[2,0,0,352,3], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce":[2,0,0,352,6], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ab3fe9be760d9e2faa8cb36872889fc98":[2,0,0,352,2], +"classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,352,5], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml":[2,0,0,353], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3":[2,0,0,353,5], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a2ff0db37338bc4f3cbc18e51ce0317ae":[2,0,0,353,2], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,353,4], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a":[2,0,0,353,7], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953":[2,0,0,353,6], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,353,8], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#ab46cf54e2df5a20b634660a06e48e9d5":[2,0,0,353,0], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#aefe5ee52a24df017a67c5fe79ac0d19f":[2,0,0,353,1], +"classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#af8c29da1f0b11bd359b1574fbf86c1c8":[2,0,0,353,3], +"classarm__compute_1_1_n_e_sobel7x7.xhtml":[2,0,0,354], +"classarm__compute_1_1_n_e_sobel7x7.xhtml#a2d2ba69a0af073b80380925e3e86237a":[2,0,0,354,0], +"classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,354,1], +"classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,354,2], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml":[2,0,0,355], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a1a423c939d91b1097fcd48ead9b5f143":[2,0,0,355,0], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,355,4], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,355,8], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40":[2,0,0,355,6], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ac9d0ac2c616250612ac3835839480cc3":[2,0,0,355,1], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,355,5], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad408b442a132acdbcf1e6c28100d2c2e":[2,0,0,355,2], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad4bba8f7619ade93cc4220dbcc72c35a":[2,0,0,355,3], +"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7":[2,0,0,355,7], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml":[2,0,0,356] }; diff --git a/documentation/navtreeindex12.js b/documentation/navtreeindex12.js index f2a13fb1d..bf787f4d9 100644 --- a/documentation/navtreeindex12.js +++ b/documentation/navtreeindex12.js @@ -1,253 +1,253 @@ var NAVTREEINDEX12 = { -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ac9d0ac2c616250612ac3835839480cc3":[2,0,0,357,1], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,357,5], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad408b442a132acdbcf1e6c28100d2c2e":[2,0,0,357,2], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ad4bba8f7619ade93cc4220dbcc72c35a":[2,0,0,357,3], -"classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7":[2,0,0,357,7], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml":[2,0,0,358], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f":[2,0,0,358,7], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9":[2,0,0,358,6], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,358,4], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a667242192107c5f9fb8368eaccca2103":[2,0,0,358,1], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a685552a5f91d30d8f5b4ce2003771d18":[2,0,0,358,0], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,358,8], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ab4a932c9b556528a0de4fdf1afda7f8a":[2,0,0,358,3], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ac554b9298d627c5cc4468cf77d8d568d":[2,0,0,358,2], -"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae":[2,0,0,358,5], -"classarm__compute_1_1_n_e_softmax_layer.xhtml":[2,0,0,359], -"classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6":[2,0,0,359,1], -"classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7":[2,0,0,359,0], -"classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,359,2], -"classarm__compute_1_1_n_e_table_lookup.xhtml":[2,0,0,360], -"classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250":[2,0,0,360,0], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml":[2,0,0,361], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc":[2,0,0,361,4], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250":[2,0,0,361,3], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507":[2,0,0,361,1], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,361,6], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88":[2,0,0,361,5], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1":[2,0,0,361,0], -"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#afb1345d81a7ee915ca9b2b4c1e84bb0b":[2,0,0,361,2], -"classarm__compute_1_1_n_e_threshold.xhtml":[2,0,0,362], -"classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c":[2,0,0,362,0], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml":[2,0,0,363], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45":[2,0,0,363,0], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e":[2,0,0,363,2], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,363,4], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml#aa225b6f88add359d864507bdc2053ac0":[2,0,0,363,1], -"classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2":[2,0,0,363,3], -"classarm__compute_1_1_n_e_transpose.xhtml":[2,0,0,364], -"classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,364,0], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml":[2,0,0,365], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a3a5122ad042e8f04a6cd96980bce3d49":[2,0,0,365,0], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a46381b755f709be78595e61225c71afe":[2,0,0,365,1], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030":[2,0,0,365,5], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,365,4], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,365,7], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#ad93ab145c1014c9cd71ba6612df96b3c":[2,0,0,365,3], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#ae24f3159088ed25c27231fe58e43c424":[2,0,0,365,2], -"classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911":[2,0,0,365,6], -"classarm__compute_1_1_n_e_warp_affine.xhtml":[2,0,0,366], -"classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd":[2,0,0,366,0], -"classarm__compute_1_1_n_e_warp_affine_kernel.xhtml":[2,0,0,367], -"classarm__compute_1_1_n_e_warp_perspective.xhtml":[2,0,0,368], -"classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd":[2,0,0,368,0], -"classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml":[2,0,0,369], -"classarm__compute_1_1_normalization_layer_info.xhtml":[2,0,0,370], -"classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349":[2,0,0,370,4], -"classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703":[2,0,0,370,0], -"classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5":[2,0,0,370,6], -"classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8":[2,0,0,370,3], -"classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8":[2,0,0,370,1], -"classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e":[2,0,0,370,2], -"classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c":[2,0,0,370,5], -"classarm__compute_1_1_pad_stride_info.xhtml":[2,0,0,371], -"classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44":[2,0,0,371,2], -"classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9":[2,0,0,371,1], -"classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a":[2,0,0,371,3], -"classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a":[2,0,0,371,0], -"classarm__compute_1_1_pixel_value.xhtml":[2,0,0,372], -"classarm__compute_1_1_pixel_value.xhtml#a0084c9e8c5778849f41d9de5df9c0f85":[2,0,0,372,20], -"classarm__compute_1_1_pixel_value.xhtml#a013dcabbedc5e470addaefe209c1d970":[2,0,0,372,2], -"classarm__compute_1_1_pixel_value.xhtml#a1234f83efa812e259523c91799614a3c":[2,0,0,372,18], -"classarm__compute_1_1_pixel_value.xhtml#a2abd12bde55e3887e34e030e8352e06d":[2,0,0,372,11], -"classarm__compute_1_1_pixel_value.xhtml#a3997ae7153b94a3595d1a33186356a5b":[2,0,0,372,7], -"classarm__compute_1_1_pixel_value.xhtml#a3e79b9ee2384b30bb1a1bb85155bb803":[2,0,0,372,21], -"classarm__compute_1_1_pixel_value.xhtml#a6c754430610a785d5cb27e3b0ac396b8":[2,0,0,372,0], -"classarm__compute_1_1_pixel_value.xhtml#a759f09965687c6aea87dc4df7dd6f6b8":[2,0,0,372,3], -"classarm__compute_1_1_pixel_value.xhtml#a7d886905c667c4e8e91251b6a3a98f39":[2,0,0,372,13], -"classarm__compute_1_1_pixel_value.xhtml#a8b08ca140cdafc88aa39ff660a1c477a":[2,0,0,372,9], -"classarm__compute_1_1_pixel_value.xhtml#a90103a4ef4ab615848bb3afce5b97be1":[2,0,0,372,6], -"classarm__compute_1_1_pixel_value.xhtml#a9d55760e9791473bc0c71da0fc648ee0":[2,0,0,372,22], -"classarm__compute_1_1_pixel_value.xhtml#a9deb64fff1a3515aa4bcd6f21dd3c4c0":[2,0,0,372,5], -"classarm__compute_1_1_pixel_value.xhtml#ac04b0e04c1556f01d22c34af2afa564f":[2,0,0,372,4], -"classarm__compute_1_1_pixel_value.xhtml#ac24a28b797176d8a1e73d27f64c058d2":[2,0,0,372,15], -"classarm__compute_1_1_pixel_value.xhtml#ac66bff5206364de49b3159e9cc9d3e58":[2,0,0,372,12], -"classarm__compute_1_1_pixel_value.xhtml#acd1420e45b5486795a46cf1a5943a0ff":[2,0,0,372,17], -"classarm__compute_1_1_pixel_value.xhtml#adbbcd82ccbf61d179ba87ee5fe1bb7d8":[2,0,0,372,16], -"classarm__compute_1_1_pixel_value.xhtml#ae65af0c4a8ee050043fe4b575f0a26a0":[2,0,0,372,19], -"classarm__compute_1_1_pixel_value.xhtml#ae73f8684a3789f908181988c0ac061a7":[2,0,0,372,8], -"classarm__compute_1_1_pixel_value.xhtml#aeee8c50430251df2909cb16bd435a0b9":[2,0,0,372,1], -"classarm__compute_1_1_pixel_value.xhtml#af39addc08f2f12f258c64be7de2a95c2":[2,0,0,372,10], -"classarm__compute_1_1_pixel_value.xhtml#afe42472c55e7e5df52b8aaca94d0fa7e":[2,0,0,372,14], -"classarm__compute_1_1_pooling_layer_info.xhtml":[2,0,0,373], -"classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5":[2,0,0,373,1], -"classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff":[2,0,0,373,3], -"classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c":[2,0,0,373,2], -"classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647":[2,0,0,373,0], -"classarm__compute_1_1_program.xhtml":[2,0,0,374], -"classarm__compute_1_1_program.xhtml#a1615f70129362da8c0c0cd82ef6c1b44":[2,0,0,374,2], -"classarm__compute_1_1_program.xhtml#a37627d5d5bba7f4a8690c71c2ab3cb07":[2,0,0,374,6], -"classarm__compute_1_1_program.xhtml#a40ae1e88dc2e254ba8304fbc13349efb":[2,0,0,374,3], -"classarm__compute_1_1_program.xhtml#a466ef007aa3d82a7b5910fac373a3a11":[2,0,0,374,4], -"classarm__compute_1_1_program.xhtml#a611ed2c38431030f24faaaed53eb91b4":[2,0,0,374,7], -"classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140":[2,0,0,374,8], -"classarm__compute_1_1_program.xhtml#ab761eeac6f1072ad0c2920feeb0a8076":[2,0,0,374,1], -"classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d":[2,0,0,374,9], -"classarm__compute_1_1_program.xhtml#ac7692fcd49be268380d2a8da9a058d0f":[2,0,0,374,5], -"classarm__compute_1_1_program.xhtml#ad00a93de0aaf77172116c42bed3a5627":[2,0,0,374,0], -"classarm__compute_1_1_pyramid.xhtml":[2,0,0,375], -"classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115":[2,0,0,375,4], -"classarm__compute_1_1_pyramid.xhtml#a4187fb90f552249901da9febb67d8b7a":[2,0,0,375,1], -"classarm__compute_1_1_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac":[2,0,0,375,2], -"classarm__compute_1_1_pyramid.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,375,0], -"classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff":[2,0,0,375,3], -"classarm__compute_1_1_pyramid_info.xhtml":[2,0,0,376], -"classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9":[2,0,0,376,12], -"classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,376,6], -"classarm__compute_1_1_pyramid_info.xhtml#a14af062b9f957e61e4efe171fe7065a3":[2,0,0,376,10], -"classarm__compute_1_1_pyramid_info.xhtml#a20646dd69e82674924c6e5eb1458eefa":[2,0,0,376,15], -"classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34":[2,0,0,376,11], -"classarm__compute_1_1_pyramid_info.xhtml#a443529237e92a4364aaf662644dfc686":[2,0,0,376,1], -"classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e":[2,0,0,376,9], -"classarm__compute_1_1_pyramid_info.xhtml#a6365834dc65fb5cc59cd17aea308db13":[2,0,0,376,4], -"classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60":[2,0,0,376,8], -"classarm__compute_1_1_pyramid_info.xhtml#a9ace7670f345dde6c78d6b3314f3d756":[2,0,0,376,2], -"classarm__compute_1_1_pyramid_info.xhtml#a9e7e3f78b86c0a7f2cdd1ab1e836b2ed":[2,0,0,376,0], -"classarm__compute_1_1_pyramid_info.xhtml#ab38f8d031a5cb0f5d807a180e7107fdd":[2,0,0,376,3], -"classarm__compute_1_1_pyramid_info.xhtml#ac0960069e9d05e0ee93ef010ce63913a":[2,0,0,376,13], -"classarm__compute_1_1_pyramid_info.xhtml#ac0e3c6ba1d3f8a8e50aa3e3897210a2b":[2,0,0,376,7], -"classarm__compute_1_1_pyramid_info.xhtml#ae79dbf996c991c72eee4f1d9122152ef":[2,0,0,376,5], -"classarm__compute_1_1_pyramid_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079":[2,0,0,376,14], -"classarm__compute_1_1_size2_d.xhtml":[2,0,0,378], -"classarm__compute_1_1_size2_d.xhtml#a02afeaaf8574e7a78d6b466ff2695052":[2,0,0,378,5], -"classarm__compute_1_1_size2_d.xhtml#a02bed8590a9ddf520e58a060059518ec":[2,0,0,378,6], -"classarm__compute_1_1_size2_d.xhtml#a44efe216ab2b960ea89f2dea7227f2f2":[2,0,0,378,0], -"classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112":[2,0,0,378,4], -"classarm__compute_1_1_size2_d.xhtml#a9863cd6393417aa75ad980189b0fedaf":[2,0,0,378,1], -"classarm__compute_1_1_size2_d.xhtml#ab220a7dd0ff5c86b4ba8acdf75af3252":[2,0,0,378,3], -"classarm__compute_1_1_size2_d.xhtml#ad03359b3091fe30dfef90a96ea4eba31":[2,0,0,378,2], -"classarm__compute_1_1_steps.xhtml":[2,0,0,379], -"classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5":[2,0,0,379,3], -"classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1":[2,0,0,379,4], -"classarm__compute_1_1_steps.xhtml#a48c1f75c6cf7bdb28eeec6a795c5cf0d":[2,0,0,379,2], -"classarm__compute_1_1_steps.xhtml#a55144677120e26b771c2ed3959fb21bf":[2,0,0,379,1], -"classarm__compute_1_1_steps.xhtml#ae1478601d1a4df4ce6952dfedc42aea6":[2,0,0,379,0], -"classarm__compute_1_1_strides.xhtml":[2,0,0,380], -"classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007":[2,0,0,380,3], -"classarm__compute_1_1_strides.xhtml#a64d502a8edb06439f9e095f92f99c227":[2,0,0,380,2], -"classarm__compute_1_1_strides.xhtml#a6b0793690f5dce340a23009dbd04f482":[2,0,0,380,1], -"classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc":[2,0,0,380,4], -"classarm__compute_1_1_strides.xhtml#aff8ae27aa78df0ff95b55bbf726c92da":[2,0,0,380,0], -"classarm__compute_1_1_tensor.xhtml":[2,0,0,381], -"classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe":[2,0,0,381,7], -"classarm__compute_1_1_tensor.xhtml#a05a9201bf0316d34ffc32a013ecc2e91":[2,0,0,381,2], -"classarm__compute_1_1_tensor.xhtml#a09dacbd79d16b74ba8698e27ae3dc42b":[2,0,0,381,0], -"classarm__compute_1_1_tensor.xhtml#a531ec877bfc923dea3ab6f1be5e6e1ac":[2,0,0,381,3], -"classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95":[2,0,0,381,5], -"classarm__compute_1_1_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f":[2,0,0,381,6], -"classarm__compute_1_1_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,381,4], -"classarm__compute_1_1_tensor.xhtml#ae55ef806b29ad70cd952e2c1508715ae":[2,0,0,381,1], -"classarm__compute_1_1_tensor_allocator.xhtml":[2,0,0,382], -"classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4":[2,0,0,382,3], -"classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee":[2,0,0,382,1], -"classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b":[2,0,0,382,2], -"classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f":[2,0,0,382,0], -"classarm__compute_1_1_tensor_info.xhtml":[2,0,0,383], -"classarm__compute_1_1_tensor_info.xhtml#a012511e08bdbf1822331597d2180497e":[2,0,0,383,6], -"classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117":[2,0,0,383,16], -"classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,383,14], -"classarm__compute_1_1_tensor_info.xhtml#a134dfebc14c0e971f8df850846764f8e":[2,0,0,383,3], -"classarm__compute_1_1_tensor_info.xhtml#a1f4481a2c496ef1d176f305c25f50202":[2,0,0,383,32], -"classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c":[2,0,0,383,0], -"classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa":[2,0,0,383,25], -"classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07":[2,0,0,383,26], -"classarm__compute_1_1_tensor_info.xhtml#a39cbe92494f53364366a6cddde0b5741":[2,0,0,383,1], -"classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e":[2,0,0,383,11], -"classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58":[2,0,0,383,9], -"classarm__compute_1_1_tensor_info.xhtml#a494e9aa78ff5dde1788e0f9a8ba2213a":[2,0,0,383,2], -"classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b":[2,0,0,383,21], -"classarm__compute_1_1_tensor_info.xhtml#a4eaa68a1707f4ff3983c6dddd21794ea":[2,0,0,383,20], -"classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1":[2,0,0,383,37], -"classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e":[2,0,0,383,30], -"classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922":[2,0,0,383,34], -"classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6":[2,0,0,383,35], -"classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6":[2,0,0,383,10], -"classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea":[2,0,0,383,19], -"classarm__compute_1_1_tensor_info.xhtml#a8d37b60af520149481b2c7bbe1d829fd":[2,0,0,383,12], -"classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76":[2,0,0,383,33], -"classarm__compute_1_1_tensor_info.xhtml#a9a30265f100a459de985a9f3f91db76c":[2,0,0,383,23], -"classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2":[2,0,0,383,15], -"classarm__compute_1_1_tensor_info.xhtml#a9fa5acc4d8fd911b9b2fece99d3d5a8d":[2,0,0,383,5], -"classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0":[2,0,0,383,24], -"classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d":[2,0,0,383,13], -"classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2":[2,0,0,383,27], -"classarm__compute_1_1_tensor_info.xhtml#ac307dc31ce68e3cf1273ffbc86e57646":[2,0,0,383,4], -"classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34":[2,0,0,383,38], -"classarm__compute_1_1_tensor_info.xhtml#ac7af0020334c69f249f5a2e267a5c4f4":[2,0,0,383,8], -"classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3":[2,0,0,383,31], -"classarm__compute_1_1_tensor_info.xhtml#ad3e249a7d8f329aa470d6903c9e415fe":[2,0,0,383,7], -"classarm__compute_1_1_tensor_info.xhtml#ad4b6171ddcf854de5d1226cd4d0b0439":[2,0,0,383,17], -"classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a":[2,0,0,383,28], -"classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b":[2,0,0,383,29], -"classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52":[2,0,0,383,22], -"classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079":[2,0,0,383,36], -"classarm__compute_1_1_tensor_info.xhtml#af3717e26c7309fda3be6e7e87f142eab":[2,0,0,383,18], -"classarm__compute_1_1_tensor_shape.xhtml":[2,0,0,384], -"classarm__compute_1_1_tensor_shape.xhtml#a29ff524f0e3378fb25a8447bdeed6ba9":[2,0,0,384,2], -"classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a":[2,0,0,384,3], -"classarm__compute_1_1_tensor_shape.xhtml#a4eaec01ba2c12093db609d1034ad0bc1":[2,0,0,384,5], -"classarm__compute_1_1_tensor_shape.xhtml#a5fa5abfb10a67d23a75339646e84517a":[2,0,0,384,1], -"classarm__compute_1_1_tensor_shape.xhtml#a91d8061f66e7f8bc56da91d965f04376":[2,0,0,384,6], -"classarm__compute_1_1_tensor_shape.xhtml#af156b289692f8c3f64688e9a2932ae78":[2,0,0,384,0], -"classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00":[2,0,0,384,4], -"classarm__compute_1_1_window.xhtml":[2,0,0,386], -"classarm__compute_1_1_window.xhtml#a029cf0d4f09af0f9f63b86af4f8387df":[2,0,0,386,20], -"classarm__compute_1_1_window.xhtml#a048aaadf42ac725952523dd9546e96b5":[2,0,0,386,21], -"classarm__compute_1_1_window.xhtml#a25e4deca6ce9a7b258e791851eec3f05":[2,0,0,386,16], -"classarm__compute_1_1_window.xhtml#a3189e7be57879a610d060f7f0c9d4d03":[2,0,0,386,7], -"classarm__compute_1_1_window.xhtml#a3676505cf898acf69de5cd1724ae9330":[2,0,0,386,3], -"classarm__compute_1_1_window.xhtml#a50ee380d076dd9ce06a35a76903f8b7b":[2,0,0,386,13], -"classarm__compute_1_1_window.xhtml#a55ed4ad2395fd25ba847cbf6c54b85e4":[2,0,0,386,11], -"classarm__compute_1_1_window.xhtml#a5cdf746368c9cfe7b07f1ebbb43810af":[2,0,0,386,15], -"classarm__compute_1_1_window.xhtml#a5e8e5ab06329702df09ab7eb07e9b84d":[2,0,0,386,9], -"classarm__compute_1_1_window.xhtml#a677b385d536f4f81706f729e9b1c91da":[2,0,0,386,8], -"classarm__compute_1_1_window.xhtml#a69c84c265e9eac3ed35dced3cf1475a2":[2,0,0,386,19], -"classarm__compute_1_1_window.xhtml#a76441f1deaa44bcc1a3b402680ed646b":[2,0,0,386,5], -"classarm__compute_1_1_window.xhtml#a7b83048403721ed7e90d402e7cf3999b":[2,0,0,386,6], -"classarm__compute_1_1_window.xhtml#a96febcbb5f48b24a562ae60353665654":[2,0,0,386,17], -"classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a":[2,0,0,386,18], -"classarm__compute_1_1_window.xhtml#ab242a9d3683ac8f480f7944ff6f40534":[2,0,0,386,1], -"classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e":[2,0,0,386,10], -"classarm__compute_1_1_window.xhtml#ade2fffd59eaeb4db72526174f504f209":[2,0,0,386,4], -"classarm__compute_1_1_window.xhtml#ade63ce331b49eb66d330aab444e57ca9":[2,0,0,386,22], -"classarm__compute_1_1_window.xhtml#ade6a04ff1f61b38e07ddb8ef741c996b":[2,0,0,386,24], -"classarm__compute_1_1_window.xhtml#ae65e2546322a23806510364033bc8fcd":[2,0,0,386,2], -"classarm__compute_1_1_window.xhtml#ae688f3eb6c2673216d12d5490e1e88dc":[2,0,0,386,14], -"classarm__compute_1_1_window.xhtml#aebe39f14cc20642a2a3a73560bb8f116":[2,0,0,386,12], -"classarm__compute_1_1_window.xhtml#aedd49c804f269c0e2c251c4efd44a275":[2,0,0,386,23], -"classarm__compute_1_1_window_1_1_dimension.xhtml":[2,0,0,386,0], -"classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375":[2,0,0,386,0,4], -"classarm__compute_1_1_window_1_1_dimension.xhtml#a2c532d398a5661ff04367252701fa3d4":[2,0,0,386,0,0], -"classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2":[2,0,0,386,0,2], -"classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4":[2,0,0,386,0,5], -"classarm__compute_1_1_window_1_1_dimension.xhtml#aa84a724344a983832279fe13f047b52d":[2,0,0,386,0,3], -"classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b":[2,0,0,386,0,1], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f":[2,0,0,356,7], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9":[2,0,0,356,6], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,356,4], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a667242192107c5f9fb8368eaccca2103":[2,0,0,356,1], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a685552a5f91d30d8f5b4ce2003771d18":[2,0,0,356,0], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,356,8], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ab4a932c9b556528a0de4fdf1afda7f8a":[2,0,0,356,3], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ac554b9298d627c5cc4468cf77d8d568d":[2,0,0,356,2], +"classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae":[2,0,0,356,5], +"classarm__compute_1_1_n_e_softmax_layer.xhtml":[2,0,0,357], +"classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6":[2,0,0,357,1], +"classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7":[2,0,0,357,0], +"classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,357,2], +"classarm__compute_1_1_n_e_table_lookup.xhtml":[2,0,0,358], +"classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250":[2,0,0,358,0], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml":[2,0,0,359], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc":[2,0,0,359,4], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250":[2,0,0,359,3], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507":[2,0,0,359,1], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,359,6], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88":[2,0,0,359,5], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1":[2,0,0,359,0], +"classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#afb1345d81a7ee915ca9b2b4c1e84bb0b":[2,0,0,359,2], +"classarm__compute_1_1_n_e_threshold.xhtml":[2,0,0,360], +"classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c":[2,0,0,360,0], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml":[2,0,0,361], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45":[2,0,0,361,0], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e":[2,0,0,361,2], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,361,4], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml#aa225b6f88add359d864507bdc2053ac0":[2,0,0,361,1], +"classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2":[2,0,0,361,3], +"classarm__compute_1_1_n_e_transpose.xhtml":[2,0,0,362], +"classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,362,0], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml":[2,0,0,363], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a3a5122ad042e8f04a6cd96980bce3d49":[2,0,0,363,0], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a46381b755f709be78595e61225c71afe":[2,0,0,363,1], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030":[2,0,0,363,5], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,363,4], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,363,7], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#ad93ab145c1014c9cd71ba6612df96b3c":[2,0,0,363,3], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#ae24f3159088ed25c27231fe58e43c424":[2,0,0,363,2], +"classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911":[2,0,0,363,6], +"classarm__compute_1_1_n_e_warp_affine.xhtml":[2,0,0,364], +"classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd":[2,0,0,364,0], +"classarm__compute_1_1_n_e_warp_affine_kernel.xhtml":[2,0,0,365], +"classarm__compute_1_1_n_e_warp_perspective.xhtml":[2,0,0,366], +"classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd":[2,0,0,366,0], +"classarm__compute_1_1_n_e_warp_perspective_kernel.xhtml":[2,0,0,367], +"classarm__compute_1_1_normalization_layer_info.xhtml":[2,0,0,368], +"classarm__compute_1_1_normalization_layer_info.xhtml#a0549be3702c05e6ec1ada69a6d08e349":[2,0,0,368,4], +"classarm__compute_1_1_normalization_layer_info.xhtml#a364517fc26d500026eaa13f50db45703":[2,0,0,368,0], +"classarm__compute_1_1_normalization_layer_info.xhtml#a39f6445d0b790034f0d8fac36f2eb7f5":[2,0,0,368,6], +"classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8":[2,0,0,368,3], +"classarm__compute_1_1_normalization_layer_info.xhtml#a4ee7f04c477d0e6a2a3609c24a8815b8":[2,0,0,368,1], +"classarm__compute_1_1_normalization_layer_info.xhtml#a55fe6a30749e41ce31c2bb969a5aa25e":[2,0,0,368,2], +"classarm__compute_1_1_normalization_layer_info.xhtml#a6f541aab23799f6c61d9c8d7ca9fe15c":[2,0,0,368,5], +"classarm__compute_1_1_pad_stride_info.xhtml":[2,0,0,369], +"classarm__compute_1_1_pad_stride_info.xhtml#a3d7de69b5d597f77362f3279c6ec1c44":[2,0,0,369,2], +"classarm__compute_1_1_pad_stride_info.xhtml#a9a9d6d62752247f733a3466b484e08b9":[2,0,0,369,1], +"classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a":[2,0,0,369,3], +"classarm__compute_1_1_pad_stride_info.xhtml#aebf88ce57c0ad3d796ca66edb8a43e1a":[2,0,0,369,0], +"classarm__compute_1_1_pixel_value.xhtml":[2,0,0,370], +"classarm__compute_1_1_pixel_value.xhtml#a0084c9e8c5778849f41d9de5df9c0f85":[2,0,0,370,20], +"classarm__compute_1_1_pixel_value.xhtml#a013dcabbedc5e470addaefe209c1d970":[2,0,0,370,2], +"classarm__compute_1_1_pixel_value.xhtml#a1234f83efa812e259523c91799614a3c":[2,0,0,370,18], +"classarm__compute_1_1_pixel_value.xhtml#a2abd12bde55e3887e34e030e8352e06d":[2,0,0,370,11], +"classarm__compute_1_1_pixel_value.xhtml#a3997ae7153b94a3595d1a33186356a5b":[2,0,0,370,7], +"classarm__compute_1_1_pixel_value.xhtml#a3e79b9ee2384b30bb1a1bb85155bb803":[2,0,0,370,21], +"classarm__compute_1_1_pixel_value.xhtml#a6c754430610a785d5cb27e3b0ac396b8":[2,0,0,370,0], +"classarm__compute_1_1_pixel_value.xhtml#a759f09965687c6aea87dc4df7dd6f6b8":[2,0,0,370,3], +"classarm__compute_1_1_pixel_value.xhtml#a7d886905c667c4e8e91251b6a3a98f39":[2,0,0,370,13], +"classarm__compute_1_1_pixel_value.xhtml#a8b08ca140cdafc88aa39ff660a1c477a":[2,0,0,370,9], +"classarm__compute_1_1_pixel_value.xhtml#a90103a4ef4ab615848bb3afce5b97be1":[2,0,0,370,6], +"classarm__compute_1_1_pixel_value.xhtml#a9d55760e9791473bc0c71da0fc648ee0":[2,0,0,370,22], +"classarm__compute_1_1_pixel_value.xhtml#a9deb64fff1a3515aa4bcd6f21dd3c4c0":[2,0,0,370,5], +"classarm__compute_1_1_pixel_value.xhtml#ac04b0e04c1556f01d22c34af2afa564f":[2,0,0,370,4], +"classarm__compute_1_1_pixel_value.xhtml#ac24a28b797176d8a1e73d27f64c058d2":[2,0,0,370,15], +"classarm__compute_1_1_pixel_value.xhtml#ac66bff5206364de49b3159e9cc9d3e58":[2,0,0,370,12], +"classarm__compute_1_1_pixel_value.xhtml#acd1420e45b5486795a46cf1a5943a0ff":[2,0,0,370,17], +"classarm__compute_1_1_pixel_value.xhtml#adbbcd82ccbf61d179ba87ee5fe1bb7d8":[2,0,0,370,16], +"classarm__compute_1_1_pixel_value.xhtml#ae65af0c4a8ee050043fe4b575f0a26a0":[2,0,0,370,19], +"classarm__compute_1_1_pixel_value.xhtml#ae73f8684a3789f908181988c0ac061a7":[2,0,0,370,8], +"classarm__compute_1_1_pixel_value.xhtml#aeee8c50430251df2909cb16bd435a0b9":[2,0,0,370,1], +"classarm__compute_1_1_pixel_value.xhtml#af39addc08f2f12f258c64be7de2a95c2":[2,0,0,370,10], +"classarm__compute_1_1_pixel_value.xhtml#afe42472c55e7e5df52b8aaca94d0fa7e":[2,0,0,370,14], +"classarm__compute_1_1_pooling_layer_info.xhtml":[2,0,0,371], +"classarm__compute_1_1_pooling_layer_info.xhtml#a3c82dfc72060f59eccf0bd096b81c5d5":[2,0,0,371,1], +"classarm__compute_1_1_pooling_layer_info.xhtml#a7e8311a3a774bceb8efae1d5c8c8aeff":[2,0,0,371,3], +"classarm__compute_1_1_pooling_layer_info.xhtml#acbe58b96aee21ee986689ebd3d2f6a3c":[2,0,0,371,2], +"classarm__compute_1_1_pooling_layer_info.xhtml#af9d0ef4ba2c2ce9dc650a064484c4647":[2,0,0,371,0], +"classarm__compute_1_1_program.xhtml":[2,0,0,372], +"classarm__compute_1_1_program.xhtml#a1615f70129362da8c0c0cd82ef6c1b44":[2,0,0,372,2], +"classarm__compute_1_1_program.xhtml#a37627d5d5bba7f4a8690c71c2ab3cb07":[2,0,0,372,6], +"classarm__compute_1_1_program.xhtml#a40ae1e88dc2e254ba8304fbc13349efb":[2,0,0,372,3], +"classarm__compute_1_1_program.xhtml#a466ef007aa3d82a7b5910fac373a3a11":[2,0,0,372,4], +"classarm__compute_1_1_program.xhtml#a611ed2c38431030f24faaaed53eb91b4":[2,0,0,372,7], +"classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140":[2,0,0,372,8], +"classarm__compute_1_1_program.xhtml#ab761eeac6f1072ad0c2920feeb0a8076":[2,0,0,372,1], +"classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d":[2,0,0,372,9], +"classarm__compute_1_1_program.xhtml#ac7692fcd49be268380d2a8da9a058d0f":[2,0,0,372,5], +"classarm__compute_1_1_program.xhtml#ad00a93de0aaf77172116c42bed3a5627":[2,0,0,372,0], +"classarm__compute_1_1_pyramid.xhtml":[2,0,0,373], +"classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115":[2,0,0,373,4], +"classarm__compute_1_1_pyramid.xhtml#a4187fb90f552249901da9febb67d8b7a":[2,0,0,373,1], +"classarm__compute_1_1_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac":[2,0,0,373,2], +"classarm__compute_1_1_pyramid.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,373,0], +"classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff":[2,0,0,373,3], +"classarm__compute_1_1_pyramid_info.xhtml":[2,0,0,374], +"classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9":[2,0,0,374,12], +"classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,374,6], +"classarm__compute_1_1_pyramid_info.xhtml#a14af062b9f957e61e4efe171fe7065a3":[2,0,0,374,10], +"classarm__compute_1_1_pyramid_info.xhtml#a20646dd69e82674924c6e5eb1458eefa":[2,0,0,374,15], +"classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34":[2,0,0,374,11], +"classarm__compute_1_1_pyramid_info.xhtml#a443529237e92a4364aaf662644dfc686":[2,0,0,374,1], +"classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e":[2,0,0,374,9], +"classarm__compute_1_1_pyramid_info.xhtml#a6365834dc65fb5cc59cd17aea308db13":[2,0,0,374,4], +"classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60":[2,0,0,374,8], +"classarm__compute_1_1_pyramid_info.xhtml#a9ace7670f345dde6c78d6b3314f3d756":[2,0,0,374,2], +"classarm__compute_1_1_pyramid_info.xhtml#a9e7e3f78b86c0a7f2cdd1ab1e836b2ed":[2,0,0,374,0], +"classarm__compute_1_1_pyramid_info.xhtml#ab38f8d031a5cb0f5d807a180e7107fdd":[2,0,0,374,3], +"classarm__compute_1_1_pyramid_info.xhtml#ac0960069e9d05e0ee93ef010ce63913a":[2,0,0,374,13], +"classarm__compute_1_1_pyramid_info.xhtml#ac0e3c6ba1d3f8a8e50aa3e3897210a2b":[2,0,0,374,7], +"classarm__compute_1_1_pyramid_info.xhtml#ae79dbf996c991c72eee4f1d9122152ef":[2,0,0,374,5], +"classarm__compute_1_1_pyramid_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079":[2,0,0,374,14], +"classarm__compute_1_1_size2_d.xhtml":[2,0,0,376], +"classarm__compute_1_1_size2_d.xhtml#a02afeaaf8574e7a78d6b466ff2695052":[2,0,0,376,5], +"classarm__compute_1_1_size2_d.xhtml#a02bed8590a9ddf520e58a060059518ec":[2,0,0,376,6], +"classarm__compute_1_1_size2_d.xhtml#a44efe216ab2b960ea89f2dea7227f2f2":[2,0,0,376,0], +"classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112":[2,0,0,376,4], +"classarm__compute_1_1_size2_d.xhtml#a9863cd6393417aa75ad980189b0fedaf":[2,0,0,376,1], +"classarm__compute_1_1_size2_d.xhtml#ab220a7dd0ff5c86b4ba8acdf75af3252":[2,0,0,376,3], +"classarm__compute_1_1_size2_d.xhtml#ad03359b3091fe30dfef90a96ea4eba31":[2,0,0,376,2], +"classarm__compute_1_1_steps.xhtml":[2,0,0,377], +"classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5":[2,0,0,377,3], +"classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1":[2,0,0,377,4], +"classarm__compute_1_1_steps.xhtml#a48c1f75c6cf7bdb28eeec6a795c5cf0d":[2,0,0,377,2], +"classarm__compute_1_1_steps.xhtml#a55144677120e26b771c2ed3959fb21bf":[2,0,0,377,1], +"classarm__compute_1_1_steps.xhtml#ae1478601d1a4df4ce6952dfedc42aea6":[2,0,0,377,0], +"classarm__compute_1_1_strides.xhtml":[2,0,0,378], +"classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007":[2,0,0,378,3], +"classarm__compute_1_1_strides.xhtml#a64d502a8edb06439f9e095f92f99c227":[2,0,0,378,2], +"classarm__compute_1_1_strides.xhtml#a6b0793690f5dce340a23009dbd04f482":[2,0,0,378,1], +"classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc":[2,0,0,378,4], +"classarm__compute_1_1_strides.xhtml#aff8ae27aa78df0ff95b55bbf726c92da":[2,0,0,378,0], +"classarm__compute_1_1_tensor.xhtml":[2,0,0,379], +"classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe":[2,0,0,379,7], +"classarm__compute_1_1_tensor.xhtml#a05a9201bf0316d34ffc32a013ecc2e91":[2,0,0,379,2], +"classarm__compute_1_1_tensor.xhtml#a09dacbd79d16b74ba8698e27ae3dc42b":[2,0,0,379,0], +"classarm__compute_1_1_tensor.xhtml#a531ec877bfc923dea3ab6f1be5e6e1ac":[2,0,0,379,3], +"classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95":[2,0,0,379,5], +"classarm__compute_1_1_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f":[2,0,0,379,6], +"classarm__compute_1_1_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,379,4], +"classarm__compute_1_1_tensor.xhtml#ae55ef806b29ad70cd952e2c1508715ae":[2,0,0,379,1], +"classarm__compute_1_1_tensor_allocator.xhtml":[2,0,0,380], +"classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974":[2,0,0,380,3], +"classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4":[2,0,0,380,4], +"classarm__compute_1_1_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee":[2,0,0,380,1], +"classarm__compute_1_1_tensor_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b":[2,0,0,380,2], +"classarm__compute_1_1_tensor_allocator.xhtml#ab7ceea9240f9d916e8a09ddec8f4c21f":[2,0,0,380,0], +"classarm__compute_1_1_tensor_info.xhtml":[2,0,0,381], +"classarm__compute_1_1_tensor_info.xhtml#a012511e08bdbf1822331597d2180497e":[2,0,0,381,6], +"classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117":[2,0,0,381,16], +"classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,381,14], +"classarm__compute_1_1_tensor_info.xhtml#a134dfebc14c0e971f8df850846764f8e":[2,0,0,381,3], +"classarm__compute_1_1_tensor_info.xhtml#a1f4481a2c496ef1d176f305c25f50202":[2,0,0,381,32], +"classarm__compute_1_1_tensor_info.xhtml#a21c2ae9fa438faf42669dadda628080c":[2,0,0,381,0], +"classarm__compute_1_1_tensor_info.xhtml#a330472af42b92ad18b93c06d5b510faa":[2,0,0,381,25], +"classarm__compute_1_1_tensor_info.xhtml#a38382dc1f04d28cab04d921b8324dc07":[2,0,0,381,26], +"classarm__compute_1_1_tensor_info.xhtml#a39cbe92494f53364366a6cddde0b5741":[2,0,0,381,1], +"classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e":[2,0,0,381,11], +"classarm__compute_1_1_tensor_info.xhtml#a45cc7b9a37aa9f0e7d479248a27e1f58":[2,0,0,381,9], +"classarm__compute_1_1_tensor_info.xhtml#a494e9aa78ff5dde1788e0f9a8ba2213a":[2,0,0,381,2], +"classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b":[2,0,0,381,21], +"classarm__compute_1_1_tensor_info.xhtml#a4eaa68a1707f4ff3983c6dddd21794ea":[2,0,0,381,20], +"classarm__compute_1_1_tensor_info.xhtml#a4eaec01ba2c12093db609d1034ad0bc1":[2,0,0,381,37], +"classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e":[2,0,0,381,30], +"classarm__compute_1_1_tensor_info.xhtml#a6922a99119f324abe0e16c9678f71922":[2,0,0,381,34], +"classarm__compute_1_1_tensor_info.xhtml#a6b157a0e1ca25ef4d682d3bedfeae5f6":[2,0,0,381,35], +"classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6":[2,0,0,381,10], +"classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea":[2,0,0,381,19], +"classarm__compute_1_1_tensor_info.xhtml#a8d37b60af520149481b2c7bbe1d829fd":[2,0,0,381,12], +"classarm__compute_1_1_tensor_info.xhtml#a951c1a7a29e99b39d59ee44111291c76":[2,0,0,381,33], +"classarm__compute_1_1_tensor_info.xhtml#a9a30265f100a459de985a9f3f91db76c":[2,0,0,381,23], +"classarm__compute_1_1_tensor_info.xhtml#a9f7c904411f0871ed5b37eecb1c03de2":[2,0,0,381,15], +"classarm__compute_1_1_tensor_info.xhtml#a9fa5acc4d8fd911b9b2fece99d3d5a8d":[2,0,0,381,5], +"classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0":[2,0,0,381,24], +"classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d":[2,0,0,381,13], +"classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2":[2,0,0,381,27], +"classarm__compute_1_1_tensor_info.xhtml#ac307dc31ce68e3cf1273ffbc86e57646":[2,0,0,381,4], +"classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34":[2,0,0,381,38], +"classarm__compute_1_1_tensor_info.xhtml#ac7af0020334c69f249f5a2e267a5c4f4":[2,0,0,381,8], +"classarm__compute_1_1_tensor_info.xhtml#ad13a67d4dbc337c707a76401dc103ff3":[2,0,0,381,31], +"classarm__compute_1_1_tensor_info.xhtml#ad3e249a7d8f329aa470d6903c9e415fe":[2,0,0,381,7], +"classarm__compute_1_1_tensor_info.xhtml#ad4b6171ddcf854de5d1226cd4d0b0439":[2,0,0,381,17], +"classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a":[2,0,0,381,28], +"classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b":[2,0,0,381,29], +"classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52":[2,0,0,381,22], +"classarm__compute_1_1_tensor_info.xhtml#af3374fa8fcc6d226dc2b82317ab4d079":[2,0,0,381,36], +"classarm__compute_1_1_tensor_info.xhtml#af3717e26c7309fda3be6e7e87f142eab":[2,0,0,381,18], +"classarm__compute_1_1_tensor_shape.xhtml":[2,0,0,382], +"classarm__compute_1_1_tensor_shape.xhtml#a29ff524f0e3378fb25a8447bdeed6ba9":[2,0,0,382,2], +"classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a":[2,0,0,382,3], +"classarm__compute_1_1_tensor_shape.xhtml#a4eaec01ba2c12093db609d1034ad0bc1":[2,0,0,382,5], +"classarm__compute_1_1_tensor_shape.xhtml#a5fa5abfb10a67d23a75339646e84517a":[2,0,0,382,1], +"classarm__compute_1_1_tensor_shape.xhtml#a91d8061f66e7f8bc56da91d965f04376":[2,0,0,382,6], +"classarm__compute_1_1_tensor_shape.xhtml#af156b289692f8c3f64688e9a2932ae78":[2,0,0,382,0], +"classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00":[2,0,0,382,4], +"classarm__compute_1_1_window.xhtml":[2,0,0,384], +"classarm__compute_1_1_window.xhtml#a029cf0d4f09af0f9f63b86af4f8387df":[2,0,0,384,20], +"classarm__compute_1_1_window.xhtml#a048aaadf42ac725952523dd9546e96b5":[2,0,0,384,21], +"classarm__compute_1_1_window.xhtml#a25e4deca6ce9a7b258e791851eec3f05":[2,0,0,384,16], +"classarm__compute_1_1_window.xhtml#a3189e7be57879a610d060f7f0c9d4d03":[2,0,0,384,7], +"classarm__compute_1_1_window.xhtml#a3676505cf898acf69de5cd1724ae9330":[2,0,0,384,3], +"classarm__compute_1_1_window.xhtml#a50ee380d076dd9ce06a35a76903f8b7b":[2,0,0,384,13], +"classarm__compute_1_1_window.xhtml#a55ed4ad2395fd25ba847cbf6c54b85e4":[2,0,0,384,11], +"classarm__compute_1_1_window.xhtml#a5cdf746368c9cfe7b07f1ebbb43810af":[2,0,0,384,15], +"classarm__compute_1_1_window.xhtml#a5e8e5ab06329702df09ab7eb07e9b84d":[2,0,0,384,9], +"classarm__compute_1_1_window.xhtml#a677b385d536f4f81706f729e9b1c91da":[2,0,0,384,8], +"classarm__compute_1_1_window.xhtml#a69c84c265e9eac3ed35dced3cf1475a2":[2,0,0,384,19], +"classarm__compute_1_1_window.xhtml#a76441f1deaa44bcc1a3b402680ed646b":[2,0,0,384,5], +"classarm__compute_1_1_window.xhtml#a7b83048403721ed7e90d402e7cf3999b":[2,0,0,384,6], +"classarm__compute_1_1_window.xhtml#a96febcbb5f48b24a562ae60353665654":[2,0,0,384,17], +"classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a":[2,0,0,384,18], +"classarm__compute_1_1_window.xhtml#ab242a9d3683ac8f480f7944ff6f40534":[2,0,0,384,1], +"classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e":[2,0,0,384,10], +"classarm__compute_1_1_window.xhtml#ade2fffd59eaeb4db72526174f504f209":[2,0,0,384,4], +"classarm__compute_1_1_window.xhtml#ade63ce331b49eb66d330aab444e57ca9":[2,0,0,384,22], +"classarm__compute_1_1_window.xhtml#ade6a04ff1f61b38e07ddb8ef741c996b":[2,0,0,384,24], +"classarm__compute_1_1_window.xhtml#ae65e2546322a23806510364033bc8fcd":[2,0,0,384,2], +"classarm__compute_1_1_window.xhtml#ae688f3eb6c2673216d12d5490e1e88dc":[2,0,0,384,14], +"classarm__compute_1_1_window.xhtml#aebe39f14cc20642a2a3a73560bb8f116":[2,0,0,384,12], +"classarm__compute_1_1_window.xhtml#aedd49c804f269c0e2c251c4efd44a275":[2,0,0,384,23], +"classarm__compute_1_1_window_1_1_dimension.xhtml":[2,0,0,384,0], +"classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375":[2,0,0,384,0,4], +"classarm__compute_1_1_window_1_1_dimension.xhtml#a2c532d398a5661ff04367252701fa3d4":[2,0,0,384,0,0], +"classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2":[2,0,0,384,0,2], +"classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4":[2,0,0,384,0,5], +"classarm__compute_1_1_window_1_1_dimension.xhtml#aa84a724344a983832279fe13f047b52d":[2,0,0,384,0,3], +"classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b":[2,0,0,384,0,1], "classes.xhtml":[2,1], "classtest__helpers_1_1_p_p_m_loader.xhtml":[2,0,1,0], "classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402":[2,0,1,0,1], -"classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81":[2,0,1,0,2], "classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a":[2,0,1,0,3], -"classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed":[2,0,1,0,4] +"classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed":[2,0,1,0,4], +"classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c":[2,0,1,0,0], +"classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7":[2,0,1,0,2], +"color__convert_8cl.xhtml":[3,0,2,0,0,0,8], +"color__convert_8cl.xhtml#a02037a65e2f5ec0579b8ed8efc33ff18":[3,0,2,0,0,0,8,5], +"color__convert_8cl.xhtml#a0b20f3b21bfb3e5ef177eb946e3c905f":[3,0,2,0,0,0,8,22], +"color__convert_8cl.xhtml#a0e87467985f2b64c5aaf073ee5c64267":[3,0,2,0,0,0,8,12] }; diff --git a/documentation/navtreeindex13.js b/documentation/navtreeindex13.js index c9d5facfc..8d010d003 100644 --- a/documentation/navtreeindex13.js +++ b/documentation/navtreeindex13.js @@ -1,10 +1,5 @@ var NAVTREEINDEX13 = { -"classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c":[2,0,1,0,0], -"color__convert_8cl.xhtml":[3,0,2,0,0,0,8], -"color__convert_8cl.xhtml#a02037a65e2f5ec0579b8ed8efc33ff18":[3,0,2,0,0,0,8,5], -"color__convert_8cl.xhtml#a0b20f3b21bfb3e5ef177eb946e3c905f":[3,0,2,0,0,0,8,22], -"color__convert_8cl.xhtml#a0e87467985f2b64c5aaf073ee5c64267":[3,0,2,0,0,0,8,12], "color__convert_8cl.xhtml#a18ef3b2b70de9af3e4386b2a07f2cd36":[3,0,2,0,0,0,8,16], "color__convert_8cl.xhtml#a22e98db2ca5538961967bdbaa19754b3":[3,0,2,0,0,0,8,23], "color__convert_8cl.xhtml#a2a21de930ca0898bed0a081f40cb4406":[3,0,2,0,0,0,8,14], @@ -192,12 +187,12 @@ var NAVTREEINDEX13 = "gemm_8cl.xhtml":[3,0,2,0,0,0,22], "gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374":[3,0,2,0,0,0,22,7], "gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1":[3,0,2,0,0,0,22,6], +"gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b":[3,0,2,0,0,0,22,2], +"gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f":[3,0,2,0,0,0,22,3], "gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3":[3,0,2,0,0,0,22,5], "gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8":[3,0,2,0,0,0,22,0], "gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581":[3,0,2,0,0,0,22,1], -"gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411":[3,0,2,0,0,0,22,4], -"gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281":[3,0,2,0,0,0,22,3], -"gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9":[3,0,2,0,0,0,22,2], +"gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45":[3,0,2,0,0,0,22,4], "gemm_8cl_source.xhtml":[3,0,2,0,0,0,22], "globals.xhtml":[3,1,0], "globals.xhtml":[3,1,0,0], @@ -249,5 +244,10 @@ var NAVTREEINDEX13 = "globals_x.xhtml":[3,1,0,21], "globals_y.xhtml":[3,1,0,22], "harris__corners_8cl.xhtml":[3,0,2,0,0,0,23], -"harris__corners_8cl.xhtml#a0f0af2add0a40f2f4b8a14f409186a02":[3,0,2,0,0,0,23,3] +"harris__corners_8cl.xhtml#a0f0af2add0a40f2f4b8a14f409186a02":[3,0,2,0,0,0,23,3], +"harris__corners_8cl.xhtml#a2cf3b8c23c9f8f383d81d13bfff96e3d":[3,0,2,0,0,0,23,2], +"harris__corners_8cl.xhtml#a2fadfd6378605824bb7926e1ac0123fb":[3,0,2,0,0,0,23,1], +"harris__corners_8cl.xhtml#a468ac2728816485f017f51faeb0a7d65":[3,0,2,0,0,0,23,4], +"harris__corners_8cl.xhtml#a71d10f5d9e840b6d270620a2cd856926":[3,0,2,0,0,0,23,0], +"harris__corners_8cl_source.xhtml":[3,0,2,0,0,0,23] }; diff --git a/documentation/navtreeindex14.js b/documentation/navtreeindex14.js index 87473fa84..bcee2c388 100644 --- a/documentation/navtreeindex14.js +++ b/documentation/navtreeindex14.js @@ -1,10 +1,5 @@ var NAVTREEINDEX14 = { -"harris__corners_8cl.xhtml#a2cf3b8c23c9f8f383d81d13bfff96e3d":[3,0,2,0,0,0,23,2], -"harris__corners_8cl.xhtml#a2fadfd6378605824bb7926e1ac0123fb":[3,0,2,0,0,0,23,1], -"harris__corners_8cl.xhtml#a468ac2728816485f017f51faeb0a7d65":[3,0,2,0,0,0,23,4], -"harris__corners_8cl.xhtml#a71d10f5d9e840b6d270620a2cd856926":[3,0,2,0,0,0,23,0], -"harris__corners_8cl_source.xhtml":[3,0,2,0,0,0,23], "helpers_8h.xhtml":[3,0,2,0,0,0,24], "helpers_8h.xhtml#a009469e4d9b8fce3b6d5e97d2077827d":[3,0,2,0,0,0,24,24], "helpers_8h.xhtml#a0a4395130f74a4293a7d3a19d8fac86d":[3,0,2,0,0,0,24,26], @@ -16,7 +11,6 @@ var NAVTREEINDEX14 = "helpers_8h.xhtml#a31c8c760f08fb1a331b16b7c204321dc":[3,0,2,0,0,0,24,12], "helpers_8h.xhtml#a341a0c28698c3f6bd171df1771c5a512":[3,0,2,0,0,0,24,7], "helpers_8h.xhtml#a36f754c05b6fddf6df0d8d0a74f8159f":[3,0,2,0,0,0,24,18], -"helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8":[3,0,2,0,0,0,24,29], "helpers_8h.xhtml#a4090567b3adb034c7cc1af308cb45670":[3,0,2,0,0,0,24,9], "helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7":[3,0,2,0,0,0,24,20], "helpers_8h.xhtml#a4334a4a76f8e9628c0fb9e1acf616e2a":[3,0,2,0,0,0,24,11], @@ -26,6 +20,7 @@ var NAVTREEINDEX14 = "helpers_8h.xhtml#a6b83038822d1ae7ab619b684ed3b7fc0":[3,0,2,0,0,0,24,17], "helpers_8h.xhtml#a6ded2cf071c127e518317e3c451af3ef":[3,0,2,0,0,0,24,23], "helpers_8h.xhtml#a79e8e562daa6599317d2d1cd86ef1bf2":[3,0,2,0,0,0,24,13], +"helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019":[3,0,2,0,0,0,24,29], "helpers_8h.xhtml#a8fee90913ba658b25516a43cf71e5cbd":[3,0,2,0,0,0,24,28], "helpers_8h.xhtml#a9082e6aa9fd1705dc218cf44bc5a9d66":[3,0,2,0,0,0,24,21], "helpers_8h.xhtml#a912ccbcc4235bf1274c95d05b50440d4":[3,0,2,0,0,0,24,27], @@ -42,8 +37,8 @@ var NAVTREEINDEX14 = "histogram_8cl.xhtml#aec6ec6157573195df9694109ebbb38ae":[3,0,2,0,0,0,25,2], "histogram_8cl.xhtml#af82fea967051b827585009463255262d":[3,0,2,0,0,0,25,1], "histogram_8cl_source.xhtml":[3,0,2,0,0,0,25], -"index.xhtml":[], "index.xhtml":[0], +"index.xhtml":[], "index.xhtml#S0_1_contact":[0,0,0], "index.xhtml#S0_introduction":[0,0], "index.xhtml#S1_file_organisation":[0,1], @@ -249,5 +244,10 @@ var NAVTREEINDEX14 = "struct_image.xhtml":[2,0,3], "struct_image.xhtml#a35e5a91338398273f3b4a6010004bddd":[2,0,3,0], "struct_image.xhtml#a4f0b90c9ecd6e57ceb3f37332fefe8f1":[2,0,3,3], -"struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32":[2,0,3,1] +"struct_image.xhtml#acf52c23cbd7424606c10a606524e3e32":[2,0,3,1], +"struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e":[2,0,3,2], +"struct_internal_keypoint.xhtml":[2,0,4], +"struct_internal_keypoint.xhtml#a08361efa212a9ab04a5965766ea942d5":[2,0,4,1], +"struct_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,4,3], +"struct_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9":[2,0,4,0] }; diff --git a/documentation/navtreeindex15.js b/documentation/navtreeindex15.js index 040d4ce89..ea2bdf2fd 100644 --- a/documentation/navtreeindex15.js +++ b/documentation/navtreeindex15.js @@ -1,10 +1,5 @@ var NAVTREEINDEX15 = { -"struct_image.xhtml#ae01febbfd0689ef709f3ff6fdd2abc7e":[2,0,3,2], -"struct_internal_keypoint.xhtml":[2,0,4], -"struct_internal_keypoint.xhtml#a08361efa212a9ab04a5965766ea942d5":[2,0,4,1], -"struct_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,4,3], -"struct_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9":[2,0,4,0], "struct_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e":[2,0,4,2], "struct_keypoint.xhtml":[2,0,5], "struct_keypoint.xhtml#a0a2f84ed7838f07779ae24c5a9086d33":[2,0,5,6], @@ -42,83 +37,85 @@ var NAVTREEINDEX15 = "structarm__compute_1_1_c_l_coefficient_table.xhtml#a20800b3d0475448767d2b30c530e1e29":[2,0,0,39,2], "structarm__compute_1_1_c_l_coefficient_table.xhtml#a380c8116f7d47ce2367992bb986f9876":[2,0,0,39,1], "structarm__compute_1_1_c_l_coefficient_table.xhtml#adde8ad2311dc11f75f5571a764c6af97":[2,0,0,39,0], -"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml":[2,0,0,99], -"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#a08361efa212a9ab04a5965766ea942d5":[2,0,0,99,1], -"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,0,99,3], -"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9":[2,0,0,99,0], -"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e":[2,0,0,99,2], -"structarm__compute_1_1_c_l_old_value.xhtml":[2,0,0,125], -"structarm__compute_1_1_c_l_old_value.xhtml#a02690aa257eaf55ce23da09759e95517":[2,0,0,125,2], -"structarm__compute_1_1_c_l_old_value.xhtml#a1cff71bbc642cf572dd01d8e8bb46abd":[2,0,0,125,1], -"structarm__compute_1_1_c_l_old_value.xhtml#a7531a17738ce5ec5517e2d160e7508a0":[2,0,0,125,0], -"structarm__compute_1_1_c_l_old_value.xhtml#a92420f1bb5bb799a59e081a540e4c7ed":[2,0,0,125,3], -"structarm__compute_1_1_coordinates2_d.xhtml":[2,0,0,164], -"structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a":[2,0,0,164,1], -"structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2":[2,0,0,164,0], -"structarm__compute_1_1_coordinates3_d.xhtml":[2,0,0,165], -"structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48":[2,0,0,165,1], -"structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235":[2,0,0,165,0], -"structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a":[2,0,0,165,2], -"structarm__compute_1_1_detection_window.xhtml":[2,0,0,169], -"structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960":[2,0,0,169,4], -"structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37":[2,0,0,169,0], -"structarm__compute_1_1_detection_window.xhtml#a8c5cd9b525ee73a24b1d9d8e34982d1c":[2,0,0,169,2], -"structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30":[2,0,0,169,5], -"structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376":[2,0,0,169,3], -"structarm__compute_1_1_detection_window.xhtml#ae5c4999829285e20d3b491807fa46fd1":[2,0,0,169,1], -"structarm__compute_1_1_i_o_format_info.xhtml":[2,0,0,200], -"structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94":[2,0,0,200,3], -"structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487":[2,0,0,200,5], -"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6":[2,0,0,200,0], -"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6a7a1920d61156abc05a60135aefe8bc67":[2,0,0,200,0,0], -"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6a90589c47f06eb971d548591f23c285af":[2,0,0,200,0,1], -"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6abbd47109890259c0127154db1af26c75":[2,0,0,200,0,2], -"structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66":[2,0,0,200,4], -"structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50":[2,0,0,200,7], -"structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596":[2,0,0,200,8], -"structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f":[2,0,0,200,6], -"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0":[2,0,0,200,1], -"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0a23bb2bd76e5604aace0bdaa7b279a8fd":[2,0,0,200,1,1], -"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0a3131a0d8b04c3dbc9119dc93a14bdbb9":[2,0,0,200,1,0], -"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0abbd47109890259c0127154db1af26c75":[2,0,0,200,1,2], -"structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0":[2,0,0,200,2], -"structarm__compute_1_1_key_point.xhtml":[2,0,0,206], -"structarm__compute_1_1_key_point.xhtml#a0e3266fc15309697502533db62b682af":[2,0,0,206,1], -"structarm__compute_1_1_key_point.xhtml#a1d28dec57cce925ad92342891bd71e7c":[2,0,0,206,2], -"structarm__compute_1_1_key_point.xhtml#a2c1c8f9331368f38bfc3eaee260b59a6":[2,0,0,206,3], -"structarm__compute_1_1_key_point.xhtml#a7cfd13d282af770aaa971755fa092fca":[2,0,0,206,0], -"structarm__compute_1_1_key_point.xhtml#a8ca2aae59762685dd38143e5f8267147":[2,0,0,206,4], -"structarm__compute_1_1_key_point.xhtml#af64066d134a77e01b3d6eb8da813627a":[2,0,0,206,6], -"structarm__compute_1_1_key_point.xhtml#af6d3062751bd565decb1a2cd3b63bdb2":[2,0,0,206,5], -"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml":[2,0,0,315], -"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553":[2,0,0,315,0], -"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,0,315,2], -"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e":[2,0,0,315,1], -"structarm__compute_1_1_rectangle.xhtml":[2,0,0,377], -"structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960":[2,0,0,377,2], -"structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37":[2,0,0,377,0], -"structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30":[2,0,0,377,3], -"structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376":[2,0,0,377,1], -"structarm__compute_1_1_valid_region.xhtml":[2,0,0,385], -"structarm__compute_1_1_valid_region.xhtml#a0147a2fe0634bb9caa4454f60525592e":[2,0,0,385,2], -"structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8":[2,0,0,385,8], -"structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193":[2,0,0,385,4], -"structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7":[2,0,0,385,7], -"structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e":[2,0,0,385,0], -"structarm__compute_1_1_valid_region.xhtml#a79da8c24f26e8107822842a008b3fc76":[2,0,0,385,3], -"structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b":[2,0,0,385,5], -"structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2":[2,0,0,385,6], -"structarm__compute_1_1_valid_region.xhtml#af431f8fe2fbb6f0032006ddf53e6b03b":[2,0,0,385,1], +"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml":[2,0,0,100], +"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#a08361efa212a9ab04a5965766ea942d5":[2,0,0,100,1], +"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,0,100,3], +"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9":[2,0,0,100,0], +"structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e":[2,0,0,100,2], +"structarm__compute_1_1_c_l_old_value.xhtml":[2,0,0,126], +"structarm__compute_1_1_c_l_old_value.xhtml#a02690aa257eaf55ce23da09759e95517":[2,0,0,126,2], +"structarm__compute_1_1_c_l_old_value.xhtml#a1cff71bbc642cf572dd01d8e8bb46abd":[2,0,0,126,1], +"structarm__compute_1_1_c_l_old_value.xhtml#a7531a17738ce5ec5517e2d160e7508a0":[2,0,0,126,0], +"structarm__compute_1_1_c_l_old_value.xhtml#a92420f1bb5bb799a59e081a540e4c7ed":[2,0,0,126,3], +"structarm__compute_1_1_coordinates2_d.xhtml":[2,0,0,165], +"structarm__compute_1_1_coordinates2_d.xhtml#af64066d134a77e01b3d6eb8da813627a":[2,0,0,165,1], +"structarm__compute_1_1_coordinates2_d.xhtml#af6d3062751bd565decb1a2cd3b63bdb2":[2,0,0,165,0], +"structarm__compute_1_1_coordinates3_d.xhtml":[2,0,0,166], +"structarm__compute_1_1_coordinates3_d.xhtml#a9c02f93c9698e4486878867c4f265c48":[2,0,0,166,1], +"structarm__compute_1_1_coordinates3_d.xhtml#aae8a40a17c0be29c1f06ca6b4f9e2235":[2,0,0,166,0], +"structarm__compute_1_1_coordinates3_d.xhtml#ad81d8d7d582cb5752dbeab85e233603a":[2,0,0,166,2], +"structarm__compute_1_1_detection_window.xhtml":[2,0,0,170], +"structarm__compute_1_1_detection_window.xhtml#a4dde988b1b2adba65ae3efa69f65d960":[2,0,0,170,4], +"structarm__compute_1_1_detection_window.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37":[2,0,0,170,0], +"structarm__compute_1_1_detection_window.xhtml#a8c5cd9b525ee73a24b1d9d8e34982d1c":[2,0,0,170,2], +"structarm__compute_1_1_detection_window.xhtml#ab0580f504a7428539be299fa71565f30":[2,0,0,170,5], +"structarm__compute_1_1_detection_window.xhtml#ad0eab1042455a2067c812ab8071d5376":[2,0,0,170,3], +"structarm__compute_1_1_detection_window.xhtml#ae5c4999829285e20d3b491807fa46fd1":[2,0,0,170,1], +"structarm__compute_1_1_i_o_format_info.xhtml":[2,0,0,201], +"structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94":[2,0,0,201,3], +"structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487":[2,0,0,201,5], +"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6":[2,0,0,201,0], +"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6a7a1920d61156abc05a60135aefe8bc67":[2,0,0,201,0,0], +"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6a90589c47f06eb971d548591f23c285af":[2,0,0,201,0,1], +"structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6abbd47109890259c0127154db1af26c75":[2,0,0,201,0,2], +"structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66":[2,0,0,201,4], +"structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50":[2,0,0,201,7], +"structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596":[2,0,0,201,8], +"structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f":[2,0,0,201,6], +"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0":[2,0,0,201,1], +"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0a23bb2bd76e5604aace0bdaa7b279a8fd":[2,0,0,201,1,1], +"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0a3131a0d8b04c3dbc9119dc93a14bdbb9":[2,0,0,201,1,0], +"structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0abbd47109890259c0127154db1af26c75":[2,0,0,201,1,2], +"structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0":[2,0,0,201,2], +"structarm__compute_1_1_key_point.xhtml":[2,0,0,207], +"structarm__compute_1_1_key_point.xhtml#a0e3266fc15309697502533db62b682af":[2,0,0,207,1], +"structarm__compute_1_1_key_point.xhtml#a1d28dec57cce925ad92342891bd71e7c":[2,0,0,207,2], +"structarm__compute_1_1_key_point.xhtml#a2c1c8f9331368f38bfc3eaee260b59a6":[2,0,0,207,3], +"structarm__compute_1_1_key_point.xhtml#a7cfd13d282af770aaa971755fa092fca":[2,0,0,207,0], +"structarm__compute_1_1_key_point.xhtml#a8ca2aae59762685dd38143e5f8267147":[2,0,0,207,4], +"structarm__compute_1_1_key_point.xhtml#af64066d134a77e01b3d6eb8da813627a":[2,0,0,207,6], +"structarm__compute_1_1_key_point.xhtml#af6d3062751bd565decb1a2cd3b63bdb2":[2,0,0,207,5], +"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml":[2,0,0,313], +"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#a633fd1d1a22ab1b18aa0e091cb201553":[2,0,0,313,0], +"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#aa4f0d3eebc3c443f9be81bf48561a217":[2,0,0,313,2], +"structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml#ad0da36b2558901e21e7a30f6c227a45e":[2,0,0,313,1], +"structarm__compute_1_1_rectangle.xhtml":[2,0,0,375], +"structarm__compute_1_1_rectangle.xhtml#a4dde988b1b2adba65ae3efa69f65d960":[2,0,0,375,2], +"structarm__compute_1_1_rectangle.xhtml#a81c9f8d0b8c3b49d770be14dbe9f0d37":[2,0,0,375,0], +"structarm__compute_1_1_rectangle.xhtml#ab0580f504a7428539be299fa71565f30":[2,0,0,375,3], +"structarm__compute_1_1_rectangle.xhtml#ad0eab1042455a2067c812ab8071d5376":[2,0,0,375,1], +"structarm__compute_1_1_valid_region.xhtml":[2,0,0,383], +"structarm__compute_1_1_valid_region.xhtml#a0147a2fe0634bb9caa4454f60525592e":[2,0,0,383,2], +"structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8":[2,0,0,383,10], +"structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193":[2,0,0,383,4], +"structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7":[2,0,0,383,9], +"structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e":[2,0,0,383,0], +"structarm__compute_1_1_valid_region.xhtml#a79da8c24f26e8107822842a008b3fc76":[2,0,0,383,3], +"structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b":[2,0,0,383,6], +"structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620":[2,0,0,383,5], +"structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed":[2,0,0,383,8], +"structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2":[2,0,0,383,7], +"structarm__compute_1_1_valid_region.xhtml#af431f8fe2fbb6f0032006ddf53e6b03b":[2,0,0,383,1], "tablelookup_8cl.xhtml":[3,0,2,0,0,0,44], "tablelookup_8cl.xhtml#ad175448ea70f6a23e63b6d68f09d5f61":[3,0,2,0,0,0,44,0], "tablelookup_8cl.xhtml#ad64728d0b577942fb98aca553bca7f77":[3,0,2,0,0,0,44,1], "tablelookup_8cl_source.xhtml":[3,0,2,0,0,0,44], "test__helpers_2_utils_8h.xhtml":[3,0,3,1], "test__helpers_2_utils_8h.xhtml#a27e6364d61a5b27447d27337aa182cad":[3,0,3,1,1], -"test__helpers_2_utils_8h.xhtml#a35367e474c33789a32cab099884301e0":[3,0,3,1,2], "test__helpers_2_utils_8h.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf":[3,0,3,1,3], "test__helpers_2_utils_8h.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e":[3,0,3,1,4], "test__helpers_2_utils_8h.xhtml#a5036a1b77bd7223a68954b5078c6545a":[3,0,3,1,5], +"test__helpers_2_utils_8h.xhtml#ad1b5373f466a3945e1f0ef1c9943c357":[3,0,3,1,2], "test__helpers_2_utils_8h_source.xhtml":[3,0,3,1], "threshold_8cl.xhtml":[3,0,2,0,0,0,45], "threshold_8cl.xhtml#a2e3f1b089d9b33880c9bb6e98f294bba":[3,0,2,0,0,0,45,1], diff --git a/documentation/navtreeindex2.js b/documentation/navtreeindex2.js index 3fea65fe9..60d7e66fd 100644 --- a/documentation/navtreeindex2.js +++ b/documentation/navtreeindex2.js @@ -1,5 +1,7 @@ var NAVTREEINDEX2 = { +"_n_e_color_convert_helper_8inl.xhtml":[3,0,0,0,2,3], +"_n_e_color_convert_helper_8inl.xhtml#a08e9d88293a5cef787bb324c2dc0a6bf":[3,0,0,0,2,3,2], "_n_e_color_convert_helper_8inl.xhtml#a14fd899b732509e245976b9967b8931d":[3,0,0,0,2,3,7], "_n_e_color_convert_helper_8inl.xhtml#a199d36780fbb4a70168f290480673650":[3,0,0,0,2,3,3], "_n_e_color_convert_helper_8inl.xhtml#a3c22c0d3494660b72b4fc04fec76f92d":[3,0,0,0,2,3,13], @@ -17,6 +19,9 @@ var NAVTREEINDEX2 = "_n_e_color_convert_kernel_8h.xhtml":[3,0,0,0,2,0,14], "_n_e_color_convert_kernel_8h_source.xhtml":[3,0,0,0,2,0,14], "_n_e_convolution_8h.xhtml":[3,0,0,1,2,0,14], +"_n_e_convolution_8h.xhtml#adbc7771d367ba8f51da1450d3602e5c0":[3,0,0,1,2,0,14,3], +"_n_e_convolution_8h.xhtml#ae5a088552f26a1afafd0cbf821d256fb":[3,0,0,1,2,0,14,5], +"_n_e_convolution_8h.xhtml#aeb2682fbeb2766df26b4be1971c9757d":[3,0,0,1,2,0,14,4], "_n_e_convolution_8h_source.xhtml":[3,0,0,1,2,0,14], "_n_e_convolution_kernel_8h.xhtml":[3,0,0,0,2,0,15], "_n_e_convolution_kernel_8h.xhtml#a0f952bd0821b506e18514a3f4dbc6c39":[3,0,0,0,2,0,15,11], @@ -144,15 +149,15 @@ var NAVTREEINDEX2 = "_n_e_magnitude_phase_kernel_8h.xhtml":[3,0,0,0,2,0,43], "_n_e_magnitude_phase_kernel_8h_source.xhtml":[3,0,0,0,2,0,43], "_n_e_math_8h.xhtml":[3,0,0,0,2,5], +"_n_e_math_8h.xhtml#a4082e6868f902da08483e54ec07484c8":[3,0,0,0,2,5,3], "_n_e_math_8h.xhtml#a48fb9cf404e8f7043235bf14105c9793":[3,0,0,0,2,5,8], "_n_e_math_8h.xhtml#a869945609357fa552d94eb16f7aad4e9":[3,0,0,0,2,5,7], -"_n_e_math_8h.xhtml#a99d2837a875fc6bca19755f40205f04a":[3,0,0,0,2,5,1], -"_n_e_math_8h.xhtml#aa4e5c4d2084010ee1c68475fde882f84":[3,0,0,0,2,5,6], -"_n_e_math_8h.xhtml#aab4b53a52d617f05420711425f20ed4b":[3,0,0,0,2,5,2], -"_n_e_math_8h.xhtml#ab61617950fb57bf883ee19fc4e219826":[3,0,0,0,2,5,0], +"_n_e_math_8h.xhtml#a9598330b2406691ce6580f7506e62168":[3,0,0,0,2,5,5], +"_n_e_math_8h.xhtml#aa197f574e5effe492aa8034651467eb3":[3,0,0,0,2,5,0], +"_n_e_math_8h.xhtml#ab8970d7aed07d8649f5e3088455948b8":[3,0,0,0,2,5,2], +"_n_e_math_8h.xhtml#ac91f64208cebf2177a6be3a40ecebca8":[3,0,0,0,2,5,6], "_n_e_math_8h.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7":[3,0,0,0,2,5,4], -"_n_e_math_8h.xhtml#af2002ba27e8c8033e3038da708248f32":[3,0,0,0,2,5,5], -"_n_e_math_8h.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26":[3,0,0,0,2,5,3], +"_n_e_math_8h.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6":[3,0,0,0,2,5,1], "_n_e_math_8h_source.xhtml":[3,0,0,0,2,5], "_n_e_mean_std_dev_8h.xhtml":[3,0,0,1,2,0,41], "_n_e_mean_std_dev_8h_source.xhtml":[3,0,0,1,2,0,41], @@ -244,10 +249,5 @@ var NAVTREEINDEX2 = "_open_c_l_8h.xhtml#a2053025c576bcf48e249dd20e884a560":[3,0,0,0,0,13,2], "_open_c_l_8h.xhtml#a37ea07405ca286c1570612b42d43b345":[3,0,0,0,0,13,3], "_open_c_l_8h.xhtml#a68d54dc532d47c93108cfcdf8c415e43":[3,0,0,0,0,13,0], -"_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb":[3,0,0,0,0,13,1], -"_open_c_l_8h_source.xhtml":[3,0,0,0,0,13], -"_pixel_value_8h.xhtml":[3,0,0,0,24], -"_pixel_value_8h_source.xhtml":[3,0,0,0,24], -"_pyramid_8h.xhtml":[3,0,0,1,13], -"_pyramid_8h_source.xhtml":[3,0,0,1,13] +"_open_c_l_8h.xhtml#aa4f4d7a58287017588fc338965873f14":[3,0,0,0,0,13,4] }; diff --git a/documentation/navtreeindex3.js b/documentation/navtreeindex3.js index cc2cf32bf..383030e11 100644 --- a/documentation/navtreeindex3.js +++ b/documentation/navtreeindex3.js @@ -1,5 +1,11 @@ var NAVTREEINDEX3 = { +"_open_c_l_8h.xhtml#ae7c96c1469662004d842704e2ff076fb":[3,0,0,0,0,13,1], +"_open_c_l_8h_source.xhtml":[3,0,0,0,0,13], +"_pixel_value_8h.xhtml":[3,0,0,0,24], +"_pixel_value_8h_source.xhtml":[3,0,0,0,24], +"_pyramid_8h.xhtml":[3,0,0,1,13], +"_pyramid_8h_source.xhtml":[3,0,0,1,13], "_pyramid_info_8h.xhtml":[3,0,0,0,25], "_pyramid_info_8h_source.xhtml":[3,0,0,0,25], "_size2_d_8h.xhtml":[3,0,0,0,26], @@ -243,11 +249,5 @@ var NAVTREEINDEX3 = "channel__extract_8cl.xhtml#a6f8110fd6923dfc2db9daf1f3ed92435":[3,0,2,0,0,0,7,5], "channel__extract_8cl.xhtml#a8b54e12b0c19a206a73ade8e8bed82f3":[3,0,2,0,0,0,7,6], "channel__extract_8cl.xhtml#ae133ea6ea26771fc36a31d0a3d783077":[3,0,2,0,0,0,7,3], -"channel__extract_8cl.xhtml#aeecb8084159259d10790df3e0a602cbf":[3,0,2,0,0,0,7,2], -"channel__extract_8cl_source.xhtml":[3,0,2,0,0,0,7], -"cl__convolution_8cpp.xhtml":[3,0,1,0], -"cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52":[3,0,1,0,1], -"cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94":[3,0,1,0,4], -"cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7":[3,0,1,0,2], -"cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070":[3,0,1,0,3] +"channel__extract_8cl.xhtml#aeecb8084159259d10790df3e0a602cbf":[3,0,2,0,0,0,7,2] }; diff --git a/documentation/navtreeindex4.js b/documentation/navtreeindex4.js index 18ec7b085..b0edceed3 100644 --- a/documentation/navtreeindex4.js +++ b/documentation/navtreeindex4.js @@ -1,5 +1,11 @@ var NAVTREEINDEX4 = { +"channel__extract_8cl_source.xhtml":[3,0,2,0,0,0,7], +"cl__convolution_8cpp.xhtml":[3,0,1,0], +"cl__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52":[3,0,1,0,1], +"cl__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94":[3,0,1,0,4], +"cl__convolution_8cpp.xhtml#a63683d6451d68be4415ea2a694b350e7":[3,0,1,0,2], +"cl__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070":[3,0,1,0,3], "cl__convolution_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01":[3,0,1,0,0], "cl__convolution_8cpp_source.xhtml":[3,0,1,0], "cl__events_8cpp.xhtml":[3,0,1,1], @@ -243,11 +249,5 @@ var NAVTREEINDEX4 = "classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#ab32afb44c79da5f80f07730a11d37060":[2,0,0,46,3], "classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#ab9a3d635b7642f677e665ec9e80a56ab":[2,0,0,46,0], "classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adc3c56d8a6ee712ffb9bff20d84e7375":[2,0,0,46,2], -"classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925":[2,0,0,46,6], -"classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#ae0214c82efeb2ed2d6e4c0311ed19778":[2,0,0,46,1], -"classarm__compute_1_1_c_l_convolution_rectangle.xhtml":[2,0,0,47], -"classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2":[2,0,0,47,0], -"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml":[2,0,0,48], -"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a2146854d485039a04e73bb6254ae788b":[2,0,0,48,0], -"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a4075f3040a87951071878e672bab27dd":[2,0,0,48,1] +"classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925":[2,0,0,46,6] }; diff --git a/documentation/navtreeindex5.js b/documentation/navtreeindex5.js index f7ab0b742..5ea06c144 100644 --- a/documentation/navtreeindex5.js +++ b/documentation/navtreeindex5.js @@ -1,5 +1,11 @@ var NAVTREEINDEX5 = { +"classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#ae0214c82efeb2ed2d6e4c0311ed19778":[2,0,0,46,1], +"classarm__compute_1_1_c_l_convolution_rectangle.xhtml":[2,0,0,47], +"classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2":[2,0,0,47,0], +"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml":[2,0,0,48], +"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a2146854d485039a04e73bb6254ae788b":[2,0,0,48,0], +"classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a4075f3040a87951071878e672bab27dd":[2,0,0,48,1], "classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a40c8a145562e3a8a4aa332a5ee17d4c9":[2,0,0,48,2], "classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,48,3], "classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,48,7], @@ -106,52 +112,54 @@ var NAVTREEINDEX5 = "classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f":[2,0,0,78,1], "classarm__compute_1_1_c_l_g_e_m_m.xhtml#ab6b30155674bbcb9040b579cff3e5d32":[2,0,0,78,0], "classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,78,2], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml":[2,0,0,79], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,79,3], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5":[2,0,0,79,5], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a4023b128129764d7d24882a5642fe49f":[2,0,0,79,0], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,79,6], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34":[2,0,0,79,4], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56f2f1474dd673f0f8d9df3ce377f33d":[2,0,0,79,2], -"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a9f747ba6cad1650cd0184041de875411":[2,0,0,79,1], -"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml":[2,0,0,80], -"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79":[2,0,0,80,1], -"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#aac051c3731008575fe02d576e0bbca11":[2,0,0,80,0], -"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,80,2], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml":[2,0,0,81], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,81,6], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5f55c40f31bba46fa72429c820ff8139":[2,0,0,81,1], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a759d01d5376a17c7b81131212588810a":[2,0,0,81,0], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b":[2,0,0,81,3], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999":[2,0,0,81,4], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968":[2,0,0,81,5], -"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#afdcbb16be23445f565801d54201c9b1d":[2,0,0,81,2], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml":[2,0,0,82], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a426791a071d27ffff5062e51fffac075":[2,0,0,82,0], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,82,6], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d630279a30875fdd3814fd93d0386e3":[2,0,0,82,1], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b":[2,0,0,82,4], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a5bca3bc1430f853bb9254141596f4f22":[2,0,0,82,2], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651":[2,0,0,82,3], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8":[2,0,0,82,5], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml":[2,0,0,83], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63":[2,0,0,83,3], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a03d036e8e66cf1c8128c921bbca897a7":[2,0,0,83,0], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,83,6], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8":[2,0,0,83,4], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2":[2,0,0,83,5], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a91309d4cb7c55ed2695535421fa4346d":[2,0,0,83,2], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a9e75cac7f23a70ebbb9369eaf45ac0e5":[2,0,0,83,1], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml":[2,0,0,84], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a4805eb2e5f4597f660f41753e9748eb8":[2,0,0,84,2], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,84,6], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2":[2,0,0,84,5], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#ab7ab139607e3a7812f2a7eb941ac7aa8":[2,0,0,84,1], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#ac46a1c8a20b46838c9e894f703ddd3ee":[2,0,0,84,0], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128":[2,0,0,84,3], -"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1":[2,0,0,84,4], -"classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml":[2,0,0,85], -"classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,85,0], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml":[2,0,0,79], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,79,0], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml":[2,0,0,80], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,80,3], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5":[2,0,0,80,5], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a4023b128129764d7d24882a5642fe49f":[2,0,0,80,0], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,80,6], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34":[2,0,0,80,4], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56f2f1474dd673f0f8d9df3ce377f33d":[2,0,0,80,2], +"classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a9f747ba6cad1650cd0184041de875411":[2,0,0,80,1], +"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml":[2,0,0,81], +"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79":[2,0,0,81,1], +"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#aac051c3731008575fe02d576e0bbca11":[2,0,0,81,0], +"classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,81,2], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml":[2,0,0,82], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,82,6], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5f55c40f31bba46fa72429c820ff8139":[2,0,0,82,1], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a759d01d5376a17c7b81131212588810a":[2,0,0,82,0], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b":[2,0,0,82,3], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999":[2,0,0,82,4], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968":[2,0,0,82,5], +"classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#afdcbb16be23445f565801d54201c9b1d":[2,0,0,82,2], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml":[2,0,0,83], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a426791a071d27ffff5062e51fffac075":[2,0,0,83,0], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,83,6], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d630279a30875fdd3814fd93d0386e3":[2,0,0,83,1], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b":[2,0,0,83,4], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a5bca3bc1430f853bb9254141596f4f22":[2,0,0,83,2], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651":[2,0,0,83,3], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8":[2,0,0,83,5], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml":[2,0,0,84], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63":[2,0,0,84,3], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a03d036e8e66cf1c8128c921bbca897a7":[2,0,0,84,0], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,84,6], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8":[2,0,0,84,4], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2":[2,0,0,84,5], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a91309d4cb7c55ed2695535421fa4346d":[2,0,0,84,2], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a9e75cac7f23a70ebbb9369eaf45ac0e5":[2,0,0,84,1], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml":[2,0,0,85], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a4805eb2e5f4597f660f41753e9748eb8":[2,0,0,85,2], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,85,6], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2":[2,0,0,85,5], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#ab7ab139607e3a7812f2a7eb941ac7aa8":[2,0,0,85,1], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#ac46a1c8a20b46838c9e894f703ddd3ee":[2,0,0,85,0], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128":[2,0,0,85,3], +"classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1":[2,0,0,85,4], +"classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml":[2,0,0,86], +"classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,86,0], "classarm__compute_1_1_c_l_gaussian3x3.xhtml":[2,0,0,68], "classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69":[2,0,0,68,0], "classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml":[2,0,0,69], @@ -201,53 +209,45 @@ var NAVTREEINDEX5 = "classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a8e68b8e249e06c5dbecd4f130fa3da54":[2,0,0,77,0], "classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abc1512876a55b624d62f83b64efde7dd":[2,0,0,77,3], "classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a":[2,0,0,77,6], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml":[2,0,0,86], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,86,4], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8":[2,0,0,86,3], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9a6d86fb428ad47df0aa5d8b18cb1d21":[2,0,0,86,1], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9fc0a3b7d23e9f71e5f2ea13d51e3c11":[2,0,0,86,0], -"classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101":[2,0,0,86,2], -"classarm__compute_1_1_c_l_harris_corners.xhtml":[2,0,0,87], -"classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8":[2,0,0,87,0], -"classarm__compute_1_1_c_l_harris_corners.xhtml#ac9345392fa221be2457c00523865e3ae":[2,0,0,87,1], -"classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,87,4], -"classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5":[2,0,0,87,3], -"classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2":[2,0,0,87,2], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml":[2,0,0,88], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd":[2,0,0,88,7], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a2f0d90733f4575c7aca61716a655537e":[2,0,0,88,3], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,88,4], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,88,8], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6":[2,0,0,88,6], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a7b4ed31faff8ec0909befc47a18d02e2":[2,0,0,88,0], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a9a88a40181adbda4d3ee41ecb8548621":[2,0,0,88,2], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be":[2,0,0,88,5], -"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#ac391eaea49e58ce854f18cde0cdea3b7":[2,0,0,88,1], -"classarm__compute_1_1_c_l_histogram.xhtml":[2,0,0,89], -"classarm__compute_1_1_c_l_histogram.xhtml#a2803ceaa34ef2077846e2eae3ae85d10":[2,0,0,89,1], -"classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,89,2], -"classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e":[2,0,0,89,3], -"classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,89,4], -"classarm__compute_1_1_c_l_histogram.xhtml#ae88cc0fbb01c58a52e60cc02f80f6ae1":[2,0,0,89,0], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml":[2,0,0,90], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a1444e40eedf0050ffea81df269223a1e":[2,0,0,90,0], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a1eeffa307b3a6fba835b13844ff396a7":[2,0,0,90,2], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679":[2,0,0,90,4], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda":[2,0,0,90,5], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,90,3], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,90,6], -"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a535aceed892c48d39d8ec2d5ce2e5516":[2,0,0,90,1], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml":[2,0,0,91], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a403d8836110bbfb1b7380f35c8e16655":[2,0,0,91,2], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,91,3], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a4466711f7b01e047bb5f00bde1dee656":[2,0,0,91,1], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,91,6], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261":[2,0,0,91,4], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f":[2,0,0,91,5], -"classarm__compute_1_1_c_l_histogram_kernel.xhtml#ad18940ea4365dbc662798ca1b6536401":[2,0,0,91,0], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml":[2,0,0,92], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,92,6], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a569025396fa4e2e7469b7ea6e2a0a81b":[2,0,0,92,0], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7":[2,0,0,92,3], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56":[2,0,0,92,4] +"classarm__compute_1_1_c_l_gradient_kernel.xhtml":[2,0,0,87], +"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,87,4], +"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8":[2,0,0,87,3], +"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9a6d86fb428ad47df0aa5d8b18cb1d21":[2,0,0,87,1], +"classarm__compute_1_1_c_l_gradient_kernel.xhtml#a9fc0a3b7d23e9f71e5f2ea13d51e3c11":[2,0,0,87,0], +"classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101":[2,0,0,87,2], +"classarm__compute_1_1_c_l_harris_corners.xhtml":[2,0,0,88], +"classarm__compute_1_1_c_l_harris_corners.xhtml#a55d841ff43129eb7d05bb02a114fb8e8":[2,0,0,88,0], +"classarm__compute_1_1_c_l_harris_corners.xhtml#ac9345392fa221be2457c00523865e3ae":[2,0,0,88,1], +"classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,88,4], +"classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5":[2,0,0,88,3], +"classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2":[2,0,0,88,2], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml":[2,0,0,89], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd":[2,0,0,89,7], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a2f0d90733f4575c7aca61716a655537e":[2,0,0,89,3], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,89,4], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,89,8], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6":[2,0,0,89,6], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a7b4ed31faff8ec0909befc47a18d02e2":[2,0,0,89,0], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a9a88a40181adbda4d3ee41ecb8548621":[2,0,0,89,2], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be":[2,0,0,89,5], +"classarm__compute_1_1_c_l_harris_score_kernel.xhtml#ac391eaea49e58ce854f18cde0cdea3b7":[2,0,0,89,1], +"classarm__compute_1_1_c_l_histogram.xhtml":[2,0,0,90], +"classarm__compute_1_1_c_l_histogram.xhtml#a2803ceaa34ef2077846e2eae3ae85d10":[2,0,0,90,1], +"classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,90,2], +"classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e":[2,0,0,90,3], +"classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,90,4], +"classarm__compute_1_1_c_l_histogram.xhtml#ae88cc0fbb01c58a52e60cc02f80f6ae1":[2,0,0,90,0], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml":[2,0,0,91], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a1444e40eedf0050ffea81df269223a1e":[2,0,0,91,0], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a1eeffa307b3a6fba835b13844ff396a7":[2,0,0,91,2], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679":[2,0,0,91,4], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda":[2,0,0,91,5], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,91,3], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,91,6], +"classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a535aceed892c48d39d8ec2d5ce2e5516":[2,0,0,91,1], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml":[2,0,0,92], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a403d8836110bbfb1b7380f35c8e16655":[2,0,0,92,2], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6":[2,0,0,92,3], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a4466711f7b01e047bb5f00bde1dee656":[2,0,0,92,1], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,92,6] }; diff --git a/documentation/navtreeindex6.js b/documentation/navtreeindex6.js index 6483e80f1..80e193277 100644 --- a/documentation/navtreeindex6.js +++ b/documentation/navtreeindex6.js @@ -1,253 +1,253 @@ var NAVTREEINDEX6 = { -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#accc9c8b95ec9d657ae76703031c28def":[2,0,0,92,2], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa":[2,0,0,92,5], -"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#adc6949024d7460d93b65d404b805ddd3":[2,0,0,92,1], -"classarm__compute_1_1_c_l_integral_image.xhtml":[2,0,0,93], -"classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,93,1], -"classarm__compute_1_1_c_l_integral_image.xhtml#a9a2580de71090d3b559f41e1c5f3a01e":[2,0,0,93,0], -"classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,93,2], -"classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml":[2,0,0,94], -"classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,94,0], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml":[2,0,0,95], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a03b0809fc346e8a7d32c25f19e7ce4ee":[2,0,0,95,1], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf":[2,0,0,95,3], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,95,6], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a848e23c88fc9914a74bc0b951467630d":[2,0,0,95,0], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6":[2,0,0,95,5], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#aca1da24f98486d11ef0e202024ae039d":[2,0,0,95,2], -"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927":[2,0,0,95,4], -"classarm__compute_1_1_c_l_kernel_library.xhtml":[2,0,0,96], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a07b37240bd1f09e36cf119dced79f9c4":[2,0,0,96,1], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a293edc1bbcbddffb7228ac97917ed107":[2,0,0,96,6], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a389a543ae040ca6bf6b57fd6215f154b":[2,0,0,96,3], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966":[2,0,0,96,4], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a5a6865d04c8d3348860f3cb8100fdb97":[2,0,0,96,7], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a66a558a56f5d0dcd6305c405ebc38cc2":[2,0,0,96,8], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a670869004281695200784de4648a4e1b":[2,0,0,96,0], -"classarm__compute_1_1_c_l_kernel_library.xhtml#a7c0b2aa80e920344936e8e7dbaa73e43":[2,0,0,96,5], -"classarm__compute_1_1_c_l_kernel_library.xhtml#af353532ea782387df6bcb6d01894f4ae":[2,0,0,96,2], -"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml":[2,0,0,100], -"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5":[2,0,0,100,0], -"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,100,1], -"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml":[2,0,0,101], -"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,101,1], -"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa":[2,0,0,101,0], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml":[2,0,0,102], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,102,6], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a51aa9449a2a8adbf698d25f576c10c36":[2,0,0,102,1], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111":[2,0,0,102,5], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91":[2,0,0,102,4], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#aee9dd6d719621f00e19c690545214829":[2,0,0,102,2], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3":[2,0,0,102,3], -"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af56ec32b876c8279e19756c69a082da7":[2,0,0,102,0], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml":[2,0,0,103], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422":[2,0,0,103,4], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,103,6], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece":[2,0,0,103,5], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a78b1cf4e95b79731e32d48a757b653cf":[2,0,0,103,1], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ac676c3a1b87aacf83246da916f5f5dee":[2,0,0,103,0], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64":[2,0,0,103,3], -"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#aef6997e356ca8c5f6c35bec24b8fe28d":[2,0,0,103,2], -"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml":[2,0,0,97], -"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c":[2,0,0,97,0], -"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,97,2], -"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4":[2,0,0,97,1], -"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml":[2,0,0,98], -"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec":[2,0,0,98,1], -"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a66c0967ada87be88d5459fcd28e74045":[2,0,0,98,0], -"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,98,2], -"classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml":[2,0,0,104], -"classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,104,0], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml":[2,0,0,105], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a19373a3162839643484511cec353d34b":[2,0,0,105,2], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a":[2,0,0,105,5], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,105,6], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571":[2,0,0,105,3], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a65a94de36a0b70e490bcdee287ff6c4d":[2,0,0,105,0], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980":[2,0,0,105,4], -"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#ae59731f998ef25b90269a9c0383c1157":[2,0,0,105,1], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml":[2,0,0,106], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,106,6], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a4b082f23f218524c96f62d0d9384d2d5":[2,0,0,106,2], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c":[2,0,0,106,4], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a9be48dff6ad142bd4fcab539fe4a8e55":[2,0,0,106,1], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309":[2,0,0,106,5], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4":[2,0,0,106,3], -"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ae0144c1a57ad4a0bc1ab1e41e6214431":[2,0,0,106,0], -"classarm__compute_1_1_c_l_lut.xhtml":[2,0,0,107], -"classarm__compute_1_1_c_l_lut.xhtml#a0d6c553d858ee767dfd8c13114353556":[2,0,0,107,0], -"classarm__compute_1_1_c_l_lut.xhtml#a14c53d2d17be6fa8a2c9861527c7b002":[2,0,0,107,6], -"classarm__compute_1_1_c_l_lut.xhtml#a1ffeb3b5abb3d61f62b58a391816201c":[2,0,0,107,10], -"classarm__compute_1_1_c_l_lut.xhtml#a5330adc6ef4a662806ec236e2be07bbe":[2,0,0,107,2], -"classarm__compute_1_1_c_l_lut.xhtml#a68f33e9afee896dc24b32093d25c6766":[2,0,0,107,8], -"classarm__compute_1_1_c_l_lut.xhtml#a6dac829b4ddf4a5729ac090e73696958":[2,0,0,107,7], -"classarm__compute_1_1_c_l_lut.xhtml#a6dc9c052a2732f899adccfaeee468364":[2,0,0,107,9], -"classarm__compute_1_1_c_l_lut.xhtml#aaf3f51cd25e1651cccf04064a9888f4e":[2,0,0,107,5], -"classarm__compute_1_1_c_l_lut.xhtml#ad2b54d8d7daf7f067cda8ea9e8a795f3":[2,0,0,107,1], -"classarm__compute_1_1_c_l_lut.xhtml#aee7cb2065b88d21ac4ad05bc997ecf82":[2,0,0,107,4], -"classarm__compute_1_1_c_l_lut.xhtml#afd44a3d7dad6d984b1b87bc9f1b4fa02":[2,0,0,107,3], -"classarm__compute_1_1_c_l_lut_allocator.xhtml":[2,0,0,108], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51":[2,0,0,108,6], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c":[2,0,0,108,7], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a460f371bafd64854b2332d96697939b3":[2,0,0,108,5], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a65d09435ca3956fb0c4409e622bfd5da":[2,0,0,108,2], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a6a731c70d12750586b67c6cde637b650":[2,0,0,108,4], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241":[2,0,0,108,3], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#a864b976ba255c0cd2e1e2a848c89f4a3":[2,0,0,108,1], -"classarm__compute_1_1_c_l_lut_allocator.xhtml#aa1e425aebd0805be1916fddde364aaa1":[2,0,0,108,0], -"classarm__compute_1_1_c_l_magnitude.xhtml":[2,0,0,109], -"classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2":[2,0,0,109,0], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml":[2,0,0,110], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a":[2,0,0,110,4], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e":[2,0,0,110,0], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a26b6db53a3b87bcf6476d95d45dff938":[2,0,0,110,1], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,110,6], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9":[2,0,0,110,3], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#acb7d0c0476a914425a66e6f2c0c478b4":[2,0,0,110,2], -"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513":[2,0,0,110,5], -"classarm__compute_1_1_c_l_mean_std_dev.xhtml":[2,0,0,111], -"classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321":[2,0,0,111,1], -"classarm__compute_1_1_c_l_mean_std_dev.xhtml#aaa387018cbcc0f29df065cb98f2b32c6":[2,0,0,111,0], -"classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,111,2], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml":[2,0,0,112], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a28577b89be9497a1f28902c996f37457":[2,0,0,112,0], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a429549517919b06a77ffdf8831286213":[2,0,0,112,1], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a42ab88a9f8f47025a287c30100338e5a":[2,0,0,112,2], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,112,6], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082":[2,0,0,112,3], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3":[2,0,0,112,5], -"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d":[2,0,0,112,4], -"classarm__compute_1_1_c_l_median3x3.xhtml":[2,0,0,113], -"classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69":[2,0,0,113,0], -"classarm__compute_1_1_c_l_median3x3_kernel.xhtml":[2,0,0,114], -"classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,114,0], -"classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8":[2,0,0,114,1], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml":[2,0,0,115], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a089a07955848637967215fac969ef726":[2,0,0,115,1], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a1eee74ce4ed867bf6543d262e8eca671":[2,0,0,115,0], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,115,6], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6":[2,0,0,115,4], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#aaf1dda880c471900bb1186ee8d7426f4":[2,0,0,115,2], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9":[2,0,0,115,3], -"classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16":[2,0,0,115,5], -"classarm__compute_1_1_c_l_min_max_location.xhtml":[2,0,0,116], -"classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69":[2,0,0,116,5], -"classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed":[2,0,0,116,4], -"classarm__compute_1_1_c_l_min_max_location.xhtml#a5ef3e0081a18bd7c09723477f1625ab0":[2,0,0,116,2], -"classarm__compute_1_1_c_l_min_max_location.xhtml#a6d994e3b951dcf164932421d6ae155c5":[2,0,0,116,1], -"classarm__compute_1_1_c_l_min_max_location.xhtml#a9071fb1db3bb78426f8557bd22107c56":[2,0,0,116,0], -"classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,116,6], -"classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce":[2,0,0,116,3], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml":[2,0,0,117], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a2c0d2e5c0df9d1fd0e8a482944d65cc5":[2,0,0,117,0], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a342a87a8f5a9844d79873fdb688e3028":[2,0,0,117,2], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,117,6], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a91346d231880e7123dd8beb84ab36668":[2,0,0,117,1], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f":[2,0,0,117,3], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f":[2,0,0,117,5], -"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9":[2,0,0,117,4], -"classarm__compute_1_1_c_l_multi_image.xhtml":[2,0,0,118], -"classarm__compute_1_1_c_l_multi_image.xhtml#a0d104ade841ef3aa9b0783b25836ea19":[2,0,0,118,2], -"classarm__compute_1_1_c_l_multi_image.xhtml#a1cda3e46e0e37219f45643bc6445e5cf":[2,0,0,118,0], -"classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723":[2,0,0,118,6], -"classarm__compute_1_1_c_l_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,118,5], -"classarm__compute_1_1_c_l_multi_image.xhtml#aa6e80644cacd12488fbd8ce1125f72aa":[2,0,0,118,3], -"classarm__compute_1_1_c_l_multi_image.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,118,1], -"classarm__compute_1_1_c_l_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f":[2,0,0,118,4], -"classarm__compute_1_1_c_l_non_linear_filter.xhtml":[2,0,0,119], -"classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee":[2,0,0,119,0], -"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml":[2,0,0,120], -"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319":[2,0,0,120,2], -"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,120,1], -"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a84f1118322af5d0170abdef07b79779b":[2,0,0,120,0], -"classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml":[2,0,0,121], -"classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59":[2,0,0,121,0], -"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml":[2,0,0,122], -"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,122,0], -"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8":[2,0,0,122,1], -"classarm__compute_1_1_c_l_normalization_layer.xhtml":[2,0,0,123], -"classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da":[2,0,0,123,1], -"classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,123,2], -"classarm__compute_1_1_c_l_normalization_layer.xhtml#af701c07acc080cbb2b3a13f7daf94890":[2,0,0,123,0], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml":[2,0,0,124], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc":[2,0,0,124,4], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,124,3], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,124,7], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7":[2,0,0,124,0], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#abaf3e3187a43ca41db344a68f19d2e61":[2,0,0,124,2], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75":[2,0,0,124,6], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ae6db5aa2e570a9fcb41ada450eec1b49":[2,0,0,124,1], -"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f":[2,0,0,124,5], -"classarm__compute_1_1_c_l_optical_flow.xhtml":[2,0,0,126], -"classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852":[2,0,0,126,0], -"classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634":[2,0,0,126,5], -"classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27":[2,0,0,126,4], -"classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601":[2,0,0,126,3], -"classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,126,6], -"classarm__compute_1_1_c_l_optical_flow.xhtml#ae0eabdf0a8999bc27a9f319122175013":[2,0,0,126,1], -"classarm__compute_1_1_c_l_optical_flow.xhtml#ae8090e64560fb80896bd682de4687343":[2,0,0,126,2], -"classarm__compute_1_1_c_l_phase.xhtml":[2,0,0,127], -"classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa":[2,0,0,127,0], -"classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml":[2,0,0,128], -"classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff":[2,0,0,128,0], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml":[2,0,0,129], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf":[2,0,0,129,5], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff":[2,0,0,129,3], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,129,6], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c":[2,0,0,129,4], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a70cf3d6c93ca36362e7ea84c5259bb45":[2,0,0,129,0], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a7a01466575138bad85e22b5392388d42":[2,0,0,129,2], -"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a8de93f833e4e851a3867b100e32a56cd":[2,0,0,129,1], -"classarm__compute_1_1_c_l_pooling_layer.xhtml":[2,0,0,130], -"classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa":[2,0,0,130,0], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml":[2,0,0,131], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c":[2,0,0,131,5], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2":[2,0,0,131,6], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,131,4], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a45eeb3e3b7cb65fe9c7eaaddbe994aa3":[2,0,0,131,2], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,131,8], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a74ef68d081d36f65088a107084a9a174":[2,0,0,131,1], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3":[2,0,0,131,7], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314":[2,0,0,131,0], -"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#afcd410341247696c0569a1499407c39b":[2,0,0,131,3], -"classarm__compute_1_1_c_l_pyramid.xhtml":[2,0,0,132], -"classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115":[2,0,0,132,5], -"classarm__compute_1_1_c_l_pyramid.xhtml#a24edddb8cac90e092ecbd4a2d2a1ce59":[2,0,0,132,0], -"classarm__compute_1_1_c_l_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac":[2,0,0,132,3], -"classarm__compute_1_1_c_l_pyramid.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,132,1], -"classarm__compute_1_1_c_l_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff":[2,0,0,132,4], -"classarm__compute_1_1_c_l_pyramid.xhtml#af07bb423a5c0df8018b67c0e94fada02":[2,0,0,132,2], -"classarm__compute_1_1_c_l_remap.xhtml":[2,0,0,133], -"classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a":[2,0,0,133,0], -"classarm__compute_1_1_c_l_remap_kernel.xhtml":[2,0,0,134], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e":[2,0,0,134,5], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,134,3], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,134,7], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2":[2,0,0,134,6], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31":[2,0,0,134,0], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a8ed37df7ba9b554750b5915f85f2ec3c":[2,0,0,134,1], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#a9ee32ea43912837914b44c77d646d15d":[2,0,0,134,2], -"classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3":[2,0,0,134,4], -"classarm__compute_1_1_c_l_scale.xhtml":[2,0,0,135], -"classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22":[2,0,0,135,0], -"classarm__compute_1_1_c_l_scale_kernel.xhtml":[2,0,0,136], -"classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,136,0], -"classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26":[2,0,0,136,1], -"classarm__compute_1_1_c_l_scharr3x3.xhtml":[2,0,0,137], -"classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,137,0], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml":[2,0,0,138], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd":[2,0,0,138,6], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,138,3], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,138,7], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aa07a61f15f6269f45e19489a95c9224d":[2,0,0,138,1], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,138,4], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#abce0bd975f2f2ea4b70aedd72685edc1":[2,0,0,138,2], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b":[2,0,0,138,0], -"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5":[2,0,0,138,5], -"classarm__compute_1_1_c_l_scheduler.xhtml":[2,0,0,139], -"classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf":[2,0,0,139,1], -"classarm__compute_1_1_c_l_scheduler.xhtml#a252f5440564c77d68459f2baa978f86a":[2,0,0,139,0], -"classarm__compute_1_1_c_l_scheduler.xhtml#a293edc1bbcbddffb7228ac97917ed107":[2,0,0,139,6], -"classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f":[2,0,0,139,3] +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261":[2,0,0,92,4], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f":[2,0,0,92,5], +"classarm__compute_1_1_c_l_histogram_kernel.xhtml#ad18940ea4365dbc662798ca1b6536401":[2,0,0,92,0], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml":[2,0,0,93], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,93,6], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a569025396fa4e2e7469b7ea6e2a0a81b":[2,0,0,93,0], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7":[2,0,0,93,3], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56":[2,0,0,93,4], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#accc9c8b95ec9d657ae76703031c28def":[2,0,0,93,2], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa":[2,0,0,93,5], +"classarm__compute_1_1_c_l_im2_col_kernel.xhtml#adc6949024d7460d93b65d404b805ddd3":[2,0,0,93,1], +"classarm__compute_1_1_c_l_integral_image.xhtml":[2,0,0,94], +"classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,94,1], +"classarm__compute_1_1_c_l_integral_image.xhtml#a9a2580de71090d3b559f41e1c5f3a01e":[2,0,0,94,0], +"classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,94,2], +"classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml":[2,0,0,95], +"classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,95,0], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml":[2,0,0,96], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a03b0809fc346e8a7d32c25f19e7ce4ee":[2,0,0,96,1], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf":[2,0,0,96,3], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,96,6], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a848e23c88fc9914a74bc0b951467630d":[2,0,0,96,0], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6":[2,0,0,96,5], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#aca1da24f98486d11ef0e202024ae039d":[2,0,0,96,2], +"classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927":[2,0,0,96,4], +"classarm__compute_1_1_c_l_kernel_library.xhtml":[2,0,0,97], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a07b37240bd1f09e36cf119dced79f9c4":[2,0,0,97,1], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a293edc1bbcbddffb7228ac97917ed107":[2,0,0,97,6], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a389a543ae040ca6bf6b57fd6215f154b":[2,0,0,97,3], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966":[2,0,0,97,4], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a5a6865d04c8d3348860f3cb8100fdb97":[2,0,0,97,7], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a66a558a56f5d0dcd6305c405ebc38cc2":[2,0,0,97,8], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a670869004281695200784de4648a4e1b":[2,0,0,97,0], +"classarm__compute_1_1_c_l_kernel_library.xhtml#a7c0b2aa80e920344936e8e7dbaa73e43":[2,0,0,97,5], +"classarm__compute_1_1_c_l_kernel_library.xhtml#af353532ea782387df6bcb6d01894f4ae":[2,0,0,97,2], +"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml":[2,0,0,101], +"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5":[2,0,0,101,0], +"classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,101,1], +"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml":[2,0,0,102], +"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,102,1], +"classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa":[2,0,0,102,0], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml":[2,0,0,103], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,103,6], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a51aa9449a2a8adbf698d25f576c10c36":[2,0,0,103,1], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111":[2,0,0,103,5], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91":[2,0,0,103,4], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#aee9dd6d719621f00e19c690545214829":[2,0,0,103,2], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3":[2,0,0,103,3], +"classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af56ec32b876c8279e19756c69a082da7":[2,0,0,103,0], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml":[2,0,0,104], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422":[2,0,0,104,4], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,104,6], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece":[2,0,0,104,5], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a78b1cf4e95b79731e32d48a757b653cf":[2,0,0,104,1], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ac676c3a1b87aacf83246da916f5f5dee":[2,0,0,104,0], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64":[2,0,0,104,3], +"classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#aef6997e356ca8c5f6c35bec24b8fe28d":[2,0,0,104,2], +"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml":[2,0,0,98], +"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c":[2,0,0,98,0], +"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,98,2], +"classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4":[2,0,0,98,1], +"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml":[2,0,0,99], +"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec":[2,0,0,99,1], +"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a66c0967ada87be88d5459fcd28e74045":[2,0,0,99,0], +"classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,99,2], +"classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml":[2,0,0,105], +"classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,105,0], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml":[2,0,0,106], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a19373a3162839643484511cec353d34b":[2,0,0,106,2], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a":[2,0,0,106,5], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,106,6], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571":[2,0,0,106,3], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a65a94de36a0b70e490bcdee287ff6c4d":[2,0,0,106,0], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980":[2,0,0,106,4], +"classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#ae59731f998ef25b90269a9c0383c1157":[2,0,0,106,1], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml":[2,0,0,107], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,107,6], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a4b082f23f218524c96f62d0d9384d2d5":[2,0,0,107,2], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c":[2,0,0,107,4], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a9be48dff6ad142bd4fcab539fe4a8e55":[2,0,0,107,1], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309":[2,0,0,107,5], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4":[2,0,0,107,3], +"classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ae0144c1a57ad4a0bc1ab1e41e6214431":[2,0,0,107,0], +"classarm__compute_1_1_c_l_lut.xhtml":[2,0,0,108], +"classarm__compute_1_1_c_l_lut.xhtml#a0d6c553d858ee767dfd8c13114353556":[2,0,0,108,0], +"classarm__compute_1_1_c_l_lut.xhtml#a14c53d2d17be6fa8a2c9861527c7b002":[2,0,0,108,6], +"classarm__compute_1_1_c_l_lut.xhtml#a1ffeb3b5abb3d61f62b58a391816201c":[2,0,0,108,10], +"classarm__compute_1_1_c_l_lut.xhtml#a5330adc6ef4a662806ec236e2be07bbe":[2,0,0,108,2], +"classarm__compute_1_1_c_l_lut.xhtml#a68f33e9afee896dc24b32093d25c6766":[2,0,0,108,8], +"classarm__compute_1_1_c_l_lut.xhtml#a6dac829b4ddf4a5729ac090e73696958":[2,0,0,108,7], +"classarm__compute_1_1_c_l_lut.xhtml#a6dc9c052a2732f899adccfaeee468364":[2,0,0,108,9], +"classarm__compute_1_1_c_l_lut.xhtml#aaf3f51cd25e1651cccf04064a9888f4e":[2,0,0,108,5], +"classarm__compute_1_1_c_l_lut.xhtml#ad2b54d8d7daf7f067cda8ea9e8a795f3":[2,0,0,108,1], +"classarm__compute_1_1_c_l_lut.xhtml#aee7cb2065b88d21ac4ad05bc997ecf82":[2,0,0,108,4], +"classarm__compute_1_1_c_l_lut.xhtml#afd44a3d7dad6d984b1b87bc9f1b4fa02":[2,0,0,108,3], +"classarm__compute_1_1_c_l_lut_allocator.xhtml":[2,0,0,109], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51":[2,0,0,109,6], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c":[2,0,0,109,7], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a460f371bafd64854b2332d96697939b3":[2,0,0,109,5], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a65d09435ca3956fb0c4409e622bfd5da":[2,0,0,109,2], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a6a731c70d12750586b67c6cde637b650":[2,0,0,109,4], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241":[2,0,0,109,3], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#a864b976ba255c0cd2e1e2a848c89f4a3":[2,0,0,109,1], +"classarm__compute_1_1_c_l_lut_allocator.xhtml#aa1e425aebd0805be1916fddde364aaa1":[2,0,0,109,0], +"classarm__compute_1_1_c_l_magnitude.xhtml":[2,0,0,110], +"classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2":[2,0,0,110,0], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml":[2,0,0,111], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a":[2,0,0,111,4], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e":[2,0,0,111,0], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a26b6db53a3b87bcf6476d95d45dff938":[2,0,0,111,1], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,111,6], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9":[2,0,0,111,3], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#acb7d0c0476a914425a66e6f2c0c478b4":[2,0,0,111,2], +"classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513":[2,0,0,111,5], +"classarm__compute_1_1_c_l_mean_std_dev.xhtml":[2,0,0,112], +"classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321":[2,0,0,112,1], +"classarm__compute_1_1_c_l_mean_std_dev.xhtml#aaa387018cbcc0f29df065cb98f2b32c6":[2,0,0,112,0], +"classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,112,2], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml":[2,0,0,113], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a28577b89be9497a1f28902c996f37457":[2,0,0,113,0], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a429549517919b06a77ffdf8831286213":[2,0,0,113,1], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a42ab88a9f8f47025a287c30100338e5a":[2,0,0,113,2], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,113,6], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082":[2,0,0,113,3], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3":[2,0,0,113,5], +"classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d":[2,0,0,113,4], +"classarm__compute_1_1_c_l_median3x3.xhtml":[2,0,0,114], +"classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69":[2,0,0,114,0], +"classarm__compute_1_1_c_l_median3x3_kernel.xhtml":[2,0,0,115], +"classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,115,0], +"classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8":[2,0,0,115,1], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml":[2,0,0,116], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a089a07955848637967215fac969ef726":[2,0,0,116,1], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a1eee74ce4ed867bf6543d262e8eca671":[2,0,0,116,0], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,116,6], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6":[2,0,0,116,4], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#aaf1dda880c471900bb1186ee8d7426f4":[2,0,0,116,2], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9":[2,0,0,116,3], +"classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16":[2,0,0,116,5], +"classarm__compute_1_1_c_l_min_max_location.xhtml":[2,0,0,117], +"classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69":[2,0,0,117,5], +"classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed":[2,0,0,117,4], +"classarm__compute_1_1_c_l_min_max_location.xhtml#a5ef3e0081a18bd7c09723477f1625ab0":[2,0,0,117,2], +"classarm__compute_1_1_c_l_min_max_location.xhtml#a6d994e3b951dcf164932421d6ae155c5":[2,0,0,117,1], +"classarm__compute_1_1_c_l_min_max_location.xhtml#a9071fb1db3bb78426f8557bd22107c56":[2,0,0,117,0], +"classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,117,6], +"classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce":[2,0,0,117,3], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml":[2,0,0,118], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a2c0d2e5c0df9d1fd0e8a482944d65cc5":[2,0,0,118,0], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a342a87a8f5a9844d79873fdb688e3028":[2,0,0,118,2], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,118,6], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a91346d231880e7123dd8beb84ab36668":[2,0,0,118,1], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f":[2,0,0,118,3], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f":[2,0,0,118,5], +"classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9":[2,0,0,118,4], +"classarm__compute_1_1_c_l_multi_image.xhtml":[2,0,0,119], +"classarm__compute_1_1_c_l_multi_image.xhtml#a0d104ade841ef3aa9b0783b25836ea19":[2,0,0,119,2], +"classarm__compute_1_1_c_l_multi_image.xhtml#a1cda3e46e0e37219f45643bc6445e5cf":[2,0,0,119,0], +"classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723":[2,0,0,119,6], +"classarm__compute_1_1_c_l_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,119,5], +"classarm__compute_1_1_c_l_multi_image.xhtml#aa6e80644cacd12488fbd8ce1125f72aa":[2,0,0,119,3], +"classarm__compute_1_1_c_l_multi_image.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,119,1], +"classarm__compute_1_1_c_l_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f":[2,0,0,119,4], +"classarm__compute_1_1_c_l_non_linear_filter.xhtml":[2,0,0,120], +"classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee":[2,0,0,120,0], +"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml":[2,0,0,121], +"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319":[2,0,0,121,2], +"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,121,1], +"classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a84f1118322af5d0170abdef07b79779b":[2,0,0,121,0], +"classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml":[2,0,0,122], +"classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59":[2,0,0,122,0], +"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml":[2,0,0,123], +"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,123,0], +"classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8":[2,0,0,123,1], +"classarm__compute_1_1_c_l_normalization_layer.xhtml":[2,0,0,124], +"classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da":[2,0,0,124,1], +"classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,124,2], +"classarm__compute_1_1_c_l_normalization_layer.xhtml#af701c07acc080cbb2b3a13f7daf94890":[2,0,0,124,0], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml":[2,0,0,125], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc":[2,0,0,125,4], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,125,3], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,125,7], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#aaf8c501a2a845b96a3232927841cf9c7":[2,0,0,125,0], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#abaf3e3187a43ca41db344a68f19d2e61":[2,0,0,125,2], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75":[2,0,0,125,6], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ae6db5aa2e570a9fcb41ada450eec1b49":[2,0,0,125,1], +"classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f":[2,0,0,125,5], +"classarm__compute_1_1_c_l_optical_flow.xhtml":[2,0,0,127], +"classarm__compute_1_1_c_l_optical_flow.xhtml#a0c78677a1e128e674e4914ef5a534852":[2,0,0,127,0], +"classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634":[2,0,0,127,5], +"classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27":[2,0,0,127,4], +"classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601":[2,0,0,127,3], +"classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,127,6], +"classarm__compute_1_1_c_l_optical_flow.xhtml#ae0eabdf0a8999bc27a9f319122175013":[2,0,0,127,1], +"classarm__compute_1_1_c_l_optical_flow.xhtml#ae8090e64560fb80896bd682de4687343":[2,0,0,127,2], +"classarm__compute_1_1_c_l_phase.xhtml":[2,0,0,128], +"classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa":[2,0,0,128,0], +"classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml":[2,0,0,129], +"classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff":[2,0,0,129,0], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml":[2,0,0,130], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf":[2,0,0,130,5], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff":[2,0,0,130,3], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,130,6], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c":[2,0,0,130,4], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a70cf3d6c93ca36362e7ea84c5259bb45":[2,0,0,130,0], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a7a01466575138bad85e22b5392388d42":[2,0,0,130,2], +"classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a8de93f833e4e851a3867b100e32a56cd":[2,0,0,130,1], +"classarm__compute_1_1_c_l_pooling_layer.xhtml":[2,0,0,131], +"classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa":[2,0,0,131,0], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml":[2,0,0,132], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c":[2,0,0,132,5], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2":[2,0,0,132,6], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,132,4], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a45eeb3e3b7cb65fe9c7eaaddbe994aa3":[2,0,0,132,2], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,132,8], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a74ef68d081d36f65088a107084a9a174":[2,0,0,132,1], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3":[2,0,0,132,7], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#aefe6fd4d2eb7b372d4fc39106fb94314":[2,0,0,132,0], +"classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#afcd410341247696c0569a1499407c39b":[2,0,0,132,3], +"classarm__compute_1_1_c_l_pyramid.xhtml":[2,0,0,133], +"classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115":[2,0,0,133,5], +"classarm__compute_1_1_c_l_pyramid.xhtml#a24edddb8cac90e092ecbd4a2d2a1ce59":[2,0,0,133,0], +"classarm__compute_1_1_c_l_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac":[2,0,0,133,3], +"classarm__compute_1_1_c_l_pyramid.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,133,1], +"classarm__compute_1_1_c_l_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff":[2,0,0,133,4], +"classarm__compute_1_1_c_l_pyramid.xhtml#af07bb423a5c0df8018b67c0e94fada02":[2,0,0,133,2], +"classarm__compute_1_1_c_l_remap.xhtml":[2,0,0,134], +"classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a":[2,0,0,134,0], +"classarm__compute_1_1_c_l_remap_kernel.xhtml":[2,0,0,135], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e":[2,0,0,135,5], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,135,3], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,135,7], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2":[2,0,0,135,6], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a8d792187f7b15bdd091b347942f9fe31":[2,0,0,135,0], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a8ed37df7ba9b554750b5915f85f2ec3c":[2,0,0,135,1], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#a9ee32ea43912837914b44c77d646d15d":[2,0,0,135,2], +"classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3":[2,0,0,135,4], +"classarm__compute_1_1_c_l_scale.xhtml":[2,0,0,136], +"classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22":[2,0,0,136,0], +"classarm__compute_1_1_c_l_scale_kernel.xhtml":[2,0,0,137], +"classarm__compute_1_1_c_l_scale_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,137,0], +"classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26":[2,0,0,137,1], +"classarm__compute_1_1_c_l_scharr3x3.xhtml":[2,0,0,138], +"classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,138,0], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml":[2,0,0,139], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd":[2,0,0,139,6], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,139,3], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,139,7], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aa07a61f15f6269f45e19489a95c9224d":[2,0,0,139,1], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,139,4] }; diff --git a/documentation/navtreeindex7.js b/documentation/navtreeindex7.js index fee33af90..3c029d304 100644 --- a/documentation/navtreeindex7.js +++ b/documentation/navtreeindex7.js @@ -1,253 +1,253 @@ var NAVTREEINDEX7 = { -"classarm__compute_1_1_c_l_scheduler.xhtml#a9608e5af9f3a199f69ca6aa41b94359a":[2,0,0,139,7], -"classarm__compute_1_1_c_l_scheduler.xhtml#ad381d1aed28b4b1e1f5a710633934580":[2,0,0,139,5], -"classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af":[2,0,0,139,8], -"classarm__compute_1_1_c_l_scheduler.xhtml#adbadebed3b89425740901b16b9d5d947":[2,0,0,139,4], -"classarm__compute_1_1_c_l_scheduler.xhtml#ae1a643e517f50bf0392fb6516dd7cf67":[2,0,0,139,2], -"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml":[2,0,0,140], -"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f":[2,0,0,140,2], -"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,140,1], -"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a94525a39744fe15630e1e9304042ca8f":[2,0,0,140,0], -"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml":[2,0,0,141], -"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436":[2,0,0,141,1], -"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,141,0], -"classarm__compute_1_1_c_l_sobel3x3.xhtml":[2,0,0,142], -"classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,142,0], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml":[2,0,0,143], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,143,4], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a453a89015ac4f8c719f40d98a24de478":[2,0,0,143,2], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,143,8], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e":[2,0,0,143,7], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a95501c3f5d09ada6ea151f08fff6d120":[2,0,0,143,3], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#aa0f5e4ffb3f4e6fa1b60dbd8d85ac859":[2,0,0,143,1], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,143,5], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160":[2,0,0,143,6], -"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369":[2,0,0,143,0], -"classarm__compute_1_1_c_l_sobel5x5.xhtml":[2,0,0,144], -"classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,144,1], -"classarm__compute_1_1_c_l_sobel5x5.xhtml#ac0edca88578b10b239490c390b3d1303":[2,0,0,144,0], -"classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,144,2], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml":[2,0,0,145], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37":[2,0,0,145,6], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92":[2,0,0,145,0], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,145,4], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a441df842092cef723fbc501ddea39bbb":[2,0,0,145,1], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,145,8], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a6c123393267557301f2549114112d414":[2,0,0,145,3], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,145,5], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf":[2,0,0,145,7], -"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#af10f47c50f51569b01a36a0d14b55277":[2,0,0,145,2], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml":[2,0,0,146], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a15a2d4d168650689f736d743175286ee":[2,0,0,146,0], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383":[2,0,0,146,5], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a4220fd68c0d53a451064da8154bd424e":[2,0,0,146,1], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,146,4], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,146,8], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124":[2,0,0,146,7], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ab6450493472e18b0f6696826464a07fd":[2,0,0,146,2], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c":[2,0,0,146,6], -"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ad88337f2cf8d90a2a9106d80c3807873":[2,0,0,146,3], -"classarm__compute_1_1_c_l_sobel7x7.xhtml":[2,0,0,147], -"classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,147,1], -"classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,147,2], -"classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13":[2,0,0,147,0], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml":[2,0,0,148], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,148,4], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a47960aeb216dbb7133ae2057fcb85211":[2,0,0,148,2], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,148,8], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289":[2,0,0,148,0], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a96b02bf0fad53d4b4572867f156f7a14":[2,0,0,148,1], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,148,5], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1":[2,0,0,148,7], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef":[2,0,0,148,6], -"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#aedbb8258b41802dfffc61690f890bd1b":[2,0,0,148,3], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml":[2,0,0,149], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a1b89215b6512d29c454f1842c2732845":[2,0,0,149,2], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383":[2,0,0,149,5], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,149,4], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,149,8], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a95c6c9a6fbe13b880ae4b6a9805648c9":[2,0,0,149,0], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9":[2,0,0,149,7], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ab34a49135ba91725dbf522765caa2b13":[2,0,0,149,1], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ad22bc492781a9536130d81344e26b1b7":[2,0,0,149,3], -"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4":[2,0,0,149,6], -"classarm__compute_1_1_c_l_softmax_layer.xhtml":[2,0,0,150], -"classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,150,1], -"classarm__compute_1_1_c_l_softmax_layer.xhtml#a8c789029aab57e2c8ce68cebddb26701":[2,0,0,150,0], -"classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,150,2], -"classarm__compute_1_1_c_l_table_lookup.xhtml":[2,0,0,151], -"classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed":[2,0,0,151,0], -"classarm__compute_1_1_c_l_table_lookup_kernel.xhtml":[2,0,0,152], -"classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed":[2,0,0,152,0], -"classarm__compute_1_1_c_l_tensor.xhtml":[2,0,0,153], -"classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002":[2,0,0,153,5], -"classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c":[2,0,0,153,6], -"classarm__compute_1_1_c_l_tensor.xhtml#a7fa2f475bb0d2ad03746bc814fea580e":[2,0,0,153,0], -"classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95":[2,0,0,153,3], -"classarm__compute_1_1_c_l_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f":[2,0,0,153,4], -"classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3":[2,0,0,153,1], -"classarm__compute_1_1_c_l_tensor.xhtml#afd44a3d7dad6d984b1b87bc9f1b4fa02":[2,0,0,153,2], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml":[2,0,0,154], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c":[2,0,0,154,10], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3":[2,0,0,154,7], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a4b47d05b98222ee556784032d684637e":[2,0,0,154,2], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6172726c0856dd159f491aa0c4c37022":[2,0,0,154,1], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6a731c70d12750586b67c6cde637b650":[2,0,0,154,6], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee":[2,0,0,154,4], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f":[2,0,0,154,8], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241":[2,0,0,154,5], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3":[2,0,0,154,9], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#ac9bc36cf09ac63f2a33baafd3a0ef159":[2,0,0,154,3], -"classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45":[2,0,0,154,0], -"classarm__compute_1_1_c_l_threshold.xhtml":[2,0,0,155], -"classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb":[2,0,0,155,0], -"classarm__compute_1_1_c_l_threshold_kernel.xhtml":[2,0,0,156], -"classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de":[2,0,0,156,0], -"classarm__compute_1_1_c_l_transpose.xhtml":[2,0,0,157], -"classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,157,0], -"classarm__compute_1_1_c_l_transpose_kernel.xhtml":[2,0,0,158], -"classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,158,0], -"classarm__compute_1_1_c_l_warp_affine.xhtml":[2,0,0,159], -"classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6":[2,0,0,159,0], -"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml":[2,0,0,160], -"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,160,0], -"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8":[2,0,0,160,1], -"classarm__compute_1_1_c_l_warp_perspective.xhtml":[2,0,0,161], -"classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6":[2,0,0,161,0], -"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml":[2,0,0,162], -"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,162,0], -"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8":[2,0,0,162,1], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml":[2,0,0,166], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a208c06a1b38f317679a9d5658020d907":[2,0,0,166,3], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85":[2,0,0,166,6], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632":[2,0,0,166,4], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207":[2,0,0,166,5], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,166,7], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#abb90b47d993e5d8d96bba4e907926126":[2,0,0,166,0], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#ad92b8672298f7675cccee2e683f2f6a6":[2,0,0,166,2], -"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#af988c4afc4ef09f2ed1f5baf6ac01aee":[2,0,0,166,1], -"classarm__compute_1_1_c_p_p_scheduler.xhtml":[2,0,0,167], -"classarm__compute_1_1_c_p_p_scheduler.xhtml#a2c8fb9f063c63c186213c042080f4e79":[2,0,0,167,1], -"classarm__compute_1_1_c_p_p_scheduler.xhtml#a62815e4265bc472328e1992a499dca0a":[2,0,0,167,2], -"classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef":[2,0,0,167,0], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml":[2,0,0,168], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a2a7a5f9ca6b6738a340938d5ea7b20b8":[2,0,0,168,0], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333":[2,0,0,168,6], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,168,4], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452":[2,0,0,168,3], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,168,7], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a9c1505ea86b0f053bad9e7a595c30f82":[2,0,0,168,1], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aacec9eede61860a3971a85c54b6a5066":[2,0,0,168,2], -"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6":[2,0,0,168,5], -"classarm__compute_1_1_coordinates.xhtml":[2,0,0,163], -"classarm__compute_1_1_coordinates.xhtml#a239f2b827ffcce1775c799127c23b6ef":[2,0,0,163,0], -"classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d":[2,0,0,163,3], -"classarm__compute_1_1_coordinates.xhtml#a71e1d115c447afe4c2ee05f3541be118":[2,0,0,163,2], -"classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061":[2,0,0,163,4], -"classarm__compute_1_1_coordinates.xhtml#af0932a8bda967c148ce619613f77fcdd":[2,0,0,163,1], -"classarm__compute_1_1_dimensions.xhtml":[2,0,0,170], -"classarm__compute_1_1_dimensions.xhtml#a0d3c59537291735849c740364496a41c":[2,0,0,170,0], -"classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834":[2,0,0,170,9], -"classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903":[2,0,0,170,10], -"classarm__compute_1_1_dimensions.xhtml#a336121cb63ed79fa0a072eed03d694ac":[2,0,0,170,17], -"classarm__compute_1_1_dimensions.xhtml#a4498730adaf901d945c12841df994bba":[2,0,0,170,5], -"classarm__compute_1_1_dimensions.xhtml#a67306b78d448f2ec131a237513572bac":[2,0,0,170,12], -"classarm__compute_1_1_dimensions.xhtml#a691c9cb93365c2e33f3429de43244098":[2,0,0,170,16], -"classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20":[2,0,0,170,11], -"classarm__compute_1_1_dimensions.xhtml#a810a78f0b7cc0270f38d4136e023ea3b":[2,0,0,170,14], -"classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170":[2,0,0,170,8], -"classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27":[2,0,0,170,13], -"classarm__compute_1_1_dimensions.xhtml#aa2c609345b3b6fa8da2486f75fff8ed8":[2,0,0,170,1], -"classarm__compute_1_1_dimensions.xhtml#ab2878b67ca384a699c1270900b31290b":[2,0,0,170,3], -"classarm__compute_1_1_dimensions.xhtml#ab5908ac7ee6593782fd6ec6caa0b70ff":[2,0,0,170,2], -"classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59":[2,0,0,170,7], -"classarm__compute_1_1_dimensions.xhtml#adf9b6d55d708c285d58511a780e937fc":[2,0,0,170,6], -"classarm__compute_1_1_dimensions.xhtml#aeade0eaf149acac842e98d99d37e39c7":[2,0,0,170,4], -"classarm__compute_1_1_dimensions.xhtml#afb5cd37bb08f1029691590372e6330f0":[2,0,0,170,15], -"classarm__compute_1_1_distribution1_d.xhtml":[2,0,0,171], -"classarm__compute_1_1_distribution1_d.xhtml#a0a383529771c579b362ede2307c6bab9":[2,0,0,171,1], -"classarm__compute_1_1_distribution1_d.xhtml#a243c829bced69df597b496eb7456efb0":[2,0,0,171,0], -"classarm__compute_1_1_h_o_g.xhtml":[2,0,0,172], -"classarm__compute_1_1_h_o_g.xhtml#a055b5bd45e91f842b49def638c017b5b":[2,0,0,172,3], -"classarm__compute_1_1_h_o_g.xhtml#a0ab4e344f6a54823ab5e953574e1f201":[2,0,0,172,0], -"classarm__compute_1_1_h_o_g.xhtml#a548b8c6fda024da07113ff6cf6ec6af6":[2,0,0,172,1], -"classarm__compute_1_1_h_o_g.xhtml#aaa7fa8bba335c51f601110ed2e11eef3":[2,0,0,172,2], -"classarm__compute_1_1_h_o_g_info.xhtml":[2,0,0,173], -"classarm__compute_1_1_h_o_g_info.xhtml#a0279e383beb758e477ce0673c5db8d57":[2,0,0,173,9], -"classarm__compute_1_1_h_o_g_info.xhtml#a10dcbc6006d1e12ba2cd1ae524c66122":[2,0,0,173,2], -"classarm__compute_1_1_h_o_g_info.xhtml#a13a9a6f5cfa21b3ab15b1e4315311aeb":[2,0,0,173,5], -"classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500":[2,0,0,173,17], -"classarm__compute_1_1_h_o_g_info.xhtml#a4b7434680a85c2ac14df737ac7cca91e":[2,0,0,173,7], -"classarm__compute_1_1_h_o_g_info.xhtml#a649a86d58ff88cfd8523d6cb71d64332":[2,0,0,173,14], -"classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590":[2,0,0,173,16], -"classarm__compute_1_1_h_o_g_info.xhtml#a6a21c3fbc2803bbf3d975bec8977307f":[2,0,0,173,3], -"classarm__compute_1_1_h_o_g_info.xhtml#a75215e8ba07a5ec88ee8c902e306e887":[2,0,0,173,10], -"classarm__compute_1_1_h_o_g_info.xhtml#a8f6435e0a7c016e3cb0fc94b33067e50":[2,0,0,173,8], -"classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443":[2,0,0,173,11], -"classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9":[2,0,0,173,18], -"classarm__compute_1_1_h_o_g_info.xhtml#aa9a69eade27460f843fcfba5abb7ae52":[2,0,0,173,6], -"classarm__compute_1_1_h_o_g_info.xhtml#ada121d63992678a09e1b3db5a2002bfa":[2,0,0,173,1], -"classarm__compute_1_1_h_o_g_info.xhtml#adb20b5249eedf180a461ea097622fe7f":[2,0,0,173,15], -"classarm__compute_1_1_h_o_g_info.xhtml#ae3664b841732a09d7749953ca5b81373":[2,0,0,173,13], -"classarm__compute_1_1_h_o_g_info.xhtml#aeaa7d619922de47d6239b0167a58e2c7":[2,0,0,173,4], -"classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648":[2,0,0,173,0], -"classarm__compute_1_1_h_o_g_info.xhtml#aed90de2ef57929727bb2159b66d04487":[2,0,0,173,12], -"classarm__compute_1_1_i_access_window.xhtml":[2,0,0,174], -"classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa":[2,0,0,174,3], -"classarm__compute_1_1_i_access_window.xhtml#abc3996ab36cfa27811d661debfca5b5f":[2,0,0,174,0], -"classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6":[2,0,0,174,2], -"classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9":[2,0,0,174,1], -"classarm__compute_1_1_i_array.xhtml":[2,0,0,175], -"classarm__compute_1_1_i_array.xhtml#a2ff0fb106d58091d2b4363e808f200a3":[2,0,0,175,6], -"classarm__compute_1_1_i_array.xhtml#a409cec620a7e56a535b079a0fe37695a":[2,0,0,175,0], -"classarm__compute_1_1_i_array.xhtml#a4b55468220c2029e7ee1594e34b2b21f":[2,0,0,175,4], -"classarm__compute_1_1_i_array.xhtml#a6dc031c18a14371984493b25a4230f59":[2,0,0,175,7], -"classarm__compute_1_1_i_array.xhtml#a7ddd3791f151a0ad74b270776ff3726c":[2,0,0,175,1], -"classarm__compute_1_1_i_array.xhtml#a861d8aa0fbeb6a0a33ec8d556b7e8657":[2,0,0,175,3], -"classarm__compute_1_1_i_array.xhtml#a9031bfcabdaae3ac3e6e349446e282ff":[2,0,0,175,9], -"classarm__compute_1_1_i_array.xhtml#ac8bb3912a3ce86b15842e79d0b421204":[2,0,0,175,5], -"classarm__compute_1_1_i_array.xhtml#acaeb87c4bcccaf15bb25bd2c8e44658a":[2,0,0,175,2], -"classarm__compute_1_1_i_array.xhtml#ae21b0e95ded2dcfb5e62848ea0193828":[2,0,0,175,10], -"classarm__compute_1_1_i_array.xhtml#afd912c5902331232c8a806fcb2d6eaad":[2,0,0,175,8], -"classarm__compute_1_1_i_c_l_array.xhtml":[2,0,0,176], -"classarm__compute_1_1_i_c_l_array.xhtml#a0c95f444049eea7c7d14f6fd57ef40a1":[2,0,0,176,2], -"classarm__compute_1_1_i_c_l_array.xhtml#a0cf073a23250bc74f0481a2747245e09":[2,0,0,176,1], -"classarm__compute_1_1_i_c_l_array.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,176,4], -"classarm__compute_1_1_i_c_l_array.xhtml#a46fdef12397c4404e7706cba3568b42d":[2,0,0,176,3], -"classarm__compute_1_1_i_c_l_array.xhtml#a52adc23eae121bce4ce2f3febaf77566":[2,0,0,176,0], -"classarm__compute_1_1_i_c_l_array.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,176,5], -"classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b":[2,0,0,176,6], -"classarm__compute_1_1_i_c_l_array.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,176,7], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml":[2,0,0,177], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd":[2,0,0,177,5], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0289f4eb4c6ca9ddcdc7d0926592a98f":[2,0,0,177,0], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0a383529771c579b362ede2307c6bab9":[2,0,0,177,2], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a298d976d9b3cf2a86f114292c1a58839":[2,0,0,177,1], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,177,4], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#aea577b83a6734249a78ac036a23d5c6b":[2,0,0,177,3], -"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,177,6], -"classarm__compute_1_1_i_c_l_kernel.xhtml":[2,0,0,178], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a28f5847162f352444c6ac1825d0e99c7":[2,0,0,178,3], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a479e7043e65dc87de35d374e108510f7":[2,0,0,178,1], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a4feaae9c860cddfa843d37c953674a22":[2,0,0,178,8], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a50f427a1d9419800972b9e03c4034311":[2,0,0,178,4], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a6b10e96ce90bf901d17def86b874b019":[2,0,0,178,0], -"classarm__compute_1_1_i_c_l_kernel.xhtml#a770f45838881fc061294e56d64f34386":[2,0,0,178,6], -"classarm__compute_1_1_i_c_l_kernel.xhtml#ac734502531e7f95e25b3bf688a304a59":[2,0,0,178,7], -"classarm__compute_1_1_i_c_l_kernel.xhtml#ac74dad3e61f79334f5e73f3c3ac603cb":[2,0,0,178,2], -"classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e":[2,0,0,178,5], -"classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51":[2,0,0,178,9], -"classarm__compute_1_1_i_c_l_lut.xhtml":[2,0,0,179], -"classarm__compute_1_1_i_c_l_lut.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,179,3], -"classarm__compute_1_1_i_c_l_lut.xhtml#a783d0c1fadb33a4a6d0beca4d4d3ab81":[2,0,0,179,1], -"classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1":[2,0,0,179,5], -"classarm__compute_1_1_i_c_l_lut.xhtml#abc0b83809a3a81a4dced0bdf7d4d5ed7":[2,0,0,179,0], -"classarm__compute_1_1_i_c_l_lut.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,179,4], -"classarm__compute_1_1_i_c_l_lut.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,179,2], -"classarm__compute_1_1_i_c_l_lut.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,179,6], -"classarm__compute_1_1_i_c_l_multi_image.xhtml":[2,0,0,180], -"classarm__compute_1_1_i_c_l_multi_image.xhtml#a1a074b1525a405db59cba015b89f23a1":[2,0,0,180,2], -"classarm__compute_1_1_i_c_l_multi_image.xhtml#a3188cda5497ec91ce0839d7a2f14d578":[2,0,0,180,1], -"classarm__compute_1_1_i_c_l_multi_image.xhtml#ad136a4299cb6e978ab975fe4a4691fba":[2,0,0,180,3] +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#abce0bd975f2f2ea4b70aedd72685edc1":[2,0,0,139,2], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#aca3036ac865b6a36d00babf0c0e37f5b":[2,0,0,139,0], +"classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5":[2,0,0,139,5], +"classarm__compute_1_1_c_l_scheduler.xhtml":[2,0,0,140], +"classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf":[2,0,0,140,1], +"classarm__compute_1_1_c_l_scheduler.xhtml#a252f5440564c77d68459f2baa978f86a":[2,0,0,140,0], +"classarm__compute_1_1_c_l_scheduler.xhtml#a293edc1bbcbddffb7228ac97917ed107":[2,0,0,140,6], +"classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f":[2,0,0,140,3], +"classarm__compute_1_1_c_l_scheduler.xhtml#a9608e5af9f3a199f69ca6aa41b94359a":[2,0,0,140,7], +"classarm__compute_1_1_c_l_scheduler.xhtml#ad381d1aed28b4b1e1f5a710633934580":[2,0,0,140,5], +"classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af":[2,0,0,140,8], +"classarm__compute_1_1_c_l_scheduler.xhtml#adbadebed3b89425740901b16b9d5d947":[2,0,0,140,4], +"classarm__compute_1_1_c_l_scheduler.xhtml#ae1a643e517f50bf0392fb6516dd7cf67":[2,0,0,140,2], +"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml":[2,0,0,141], +"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f":[2,0,0,141,2], +"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,141,1], +"classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a94525a39744fe15630e1e9304042ca8f":[2,0,0,141,0], +"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml":[2,0,0,142], +"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436":[2,0,0,142,1], +"classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,142,0], +"classarm__compute_1_1_c_l_sobel3x3.xhtml":[2,0,0,143], +"classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,143,0], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml":[2,0,0,144], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,144,4], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a453a89015ac4f8c719f40d98a24de478":[2,0,0,144,2], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,144,8], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e":[2,0,0,144,7], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a95501c3f5d09ada6ea151f08fff6d120":[2,0,0,144,3], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#aa0f5e4ffb3f4e6fa1b60dbd8d85ac859":[2,0,0,144,1], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,144,5], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160":[2,0,0,144,6], +"classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab7a2f7de3f6283829d5aa91b6389c369":[2,0,0,144,0], +"classarm__compute_1_1_c_l_sobel5x5.xhtml":[2,0,0,145], +"classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,145,1], +"classarm__compute_1_1_c_l_sobel5x5.xhtml#ac0edca88578b10b239490c390b3d1303":[2,0,0,145,0], +"classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,145,2], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml":[2,0,0,146], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37":[2,0,0,146,6], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92":[2,0,0,146,0], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,146,4], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a441df842092cef723fbc501ddea39bbb":[2,0,0,146,1], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,146,8], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a6c123393267557301f2549114112d414":[2,0,0,146,3], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,146,5], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf":[2,0,0,146,7], +"classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#af10f47c50f51569b01a36a0d14b55277":[2,0,0,146,2], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml":[2,0,0,147], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a15a2d4d168650689f736d743175286ee":[2,0,0,147,0], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383":[2,0,0,147,5], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a4220fd68c0d53a451064da8154bd424e":[2,0,0,147,1], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,147,4], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,147,8], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124":[2,0,0,147,7], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ab6450493472e18b0f6696826464a07fd":[2,0,0,147,2], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c":[2,0,0,147,6], +"classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ad88337f2cf8d90a2a9106d80c3807873":[2,0,0,147,3], +"classarm__compute_1_1_c_l_sobel7x7.xhtml":[2,0,0,148], +"classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336":[2,0,0,148,1], +"classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,148,2], +"classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13":[2,0,0,148,0], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml":[2,0,0,149], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,149,4], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a47960aeb216dbb7133ae2057fcb85211":[2,0,0,149,2], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,149,8], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289":[2,0,0,149,0], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a96b02bf0fad53d4b4572867f156f7a14":[2,0,0,149,1], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b":[2,0,0,149,5], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1":[2,0,0,149,7], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef":[2,0,0,149,6], +"classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#aedbb8258b41802dfffc61690f890bd1b":[2,0,0,149,3], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml":[2,0,0,150], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a1b89215b6512d29c454f1842c2732845":[2,0,0,150,2], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383":[2,0,0,150,5], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,150,4], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,150,8], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a95c6c9a6fbe13b880ae4b6a9805648c9":[2,0,0,150,0], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9":[2,0,0,150,7], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ab34a49135ba91725dbf522765caa2b13":[2,0,0,150,1], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ad22bc492781a9536130d81344e26b1b7":[2,0,0,150,3], +"classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4":[2,0,0,150,6], +"classarm__compute_1_1_c_l_softmax_layer.xhtml":[2,0,0,151], +"classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,151,1], +"classarm__compute_1_1_c_l_softmax_layer.xhtml#a8c789029aab57e2c8ce68cebddb26701":[2,0,0,151,0], +"classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,151,2], +"classarm__compute_1_1_c_l_table_lookup.xhtml":[2,0,0,152], +"classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed":[2,0,0,152,0], +"classarm__compute_1_1_c_l_table_lookup_kernel.xhtml":[2,0,0,153], +"classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed":[2,0,0,153,0], +"classarm__compute_1_1_c_l_tensor.xhtml":[2,0,0,154], +"classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002":[2,0,0,154,5], +"classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c":[2,0,0,154,6], +"classarm__compute_1_1_c_l_tensor.xhtml#a7fa2f475bb0d2ad03746bc814fea580e":[2,0,0,154,0], +"classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95":[2,0,0,154,3], +"classarm__compute_1_1_c_l_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f":[2,0,0,154,4], +"classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3":[2,0,0,154,1], +"classarm__compute_1_1_c_l_tensor.xhtml#afd44a3d7dad6d984b1b87bc9f1b4fa02":[2,0,0,154,2], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml":[2,0,0,155], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974":[2,0,0,155,7], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a34b854d640d247bd7422f60ca2f3a05c":[2,0,0,155,11], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a460f371bafd64854b2332d96697939b3":[2,0,0,155,8], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a4b47d05b98222ee556784032d684637e":[2,0,0,155,2], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6172726c0856dd159f491aa0c4c37022":[2,0,0,155,1], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6a731c70d12750586b67c6cde637b650":[2,0,0,155,6], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6e509c2a177b0b29e9e2369535094dee":[2,0,0,155,4], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f":[2,0,0,155,9], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#a7f4714c4a9320d1760102ef78a984241":[2,0,0,155,5], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3":[2,0,0,155,10], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#ac9bc36cf09ac63f2a33baafd3a0ef159":[2,0,0,155,3], +"classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45":[2,0,0,155,0], +"classarm__compute_1_1_c_l_threshold.xhtml":[2,0,0,156], +"classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb":[2,0,0,156,0], +"classarm__compute_1_1_c_l_threshold_kernel.xhtml":[2,0,0,157], +"classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de":[2,0,0,157,0], +"classarm__compute_1_1_c_l_transpose.xhtml":[2,0,0,158], +"classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,158,0], +"classarm__compute_1_1_c_l_transpose_kernel.xhtml":[2,0,0,159], +"classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68":[2,0,0,159,0], +"classarm__compute_1_1_c_l_warp_affine.xhtml":[2,0,0,160], +"classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6":[2,0,0,160,0], +"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml":[2,0,0,161], +"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,161,0], +"classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8":[2,0,0,161,1], +"classarm__compute_1_1_c_l_warp_perspective.xhtml":[2,0,0,162], +"classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6":[2,0,0,162,0], +"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml":[2,0,0,163], +"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,163,0], +"classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8":[2,0,0,163,1], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml":[2,0,0,167], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a208c06a1b38f317679a9d5658020d907":[2,0,0,167,3], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85":[2,0,0,167,6], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632":[2,0,0,167,4], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207":[2,0,0,167,5], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,167,7], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#abb90b47d993e5d8d96bba4e907926126":[2,0,0,167,0], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#ad92b8672298f7675cccee2e683f2f6a6":[2,0,0,167,2], +"classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#af988c4afc4ef09f2ed1f5baf6ac01aee":[2,0,0,167,1], +"classarm__compute_1_1_c_p_p_scheduler.xhtml":[2,0,0,168], +"classarm__compute_1_1_c_p_p_scheduler.xhtml#a2c8fb9f063c63c186213c042080f4e79":[2,0,0,168,1], +"classarm__compute_1_1_c_p_p_scheduler.xhtml#a62815e4265bc472328e1992a499dca0a":[2,0,0,168,2], +"classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef":[2,0,0,168,0], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml":[2,0,0,169], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a2a7a5f9ca6b6738a340938d5ea7b20b8":[2,0,0,169,0], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333":[2,0,0,169,6], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,169,4], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452":[2,0,0,169,3], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,169,7], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a9c1505ea86b0f053bad9e7a595c30f82":[2,0,0,169,1], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aacec9eede61860a3971a85c54b6a5066":[2,0,0,169,2], +"classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6":[2,0,0,169,5], +"classarm__compute_1_1_coordinates.xhtml":[2,0,0,164], +"classarm__compute_1_1_coordinates.xhtml#a239f2b827ffcce1775c799127c23b6ef":[2,0,0,164,0], +"classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d":[2,0,0,164,3], +"classarm__compute_1_1_coordinates.xhtml#a71e1d115c447afe4c2ee05f3541be118":[2,0,0,164,2], +"classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061":[2,0,0,164,4], +"classarm__compute_1_1_coordinates.xhtml#af0932a8bda967c148ce619613f77fcdd":[2,0,0,164,1], +"classarm__compute_1_1_dimensions.xhtml":[2,0,0,171], +"classarm__compute_1_1_dimensions.xhtml#a0d3c59537291735849c740364496a41c":[2,0,0,171,0], +"classarm__compute_1_1_dimensions.xhtml#a0f59f175e7682c7ed5f4ea30ef687834":[2,0,0,171,9], +"classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903":[2,0,0,171,10], +"classarm__compute_1_1_dimensions.xhtml#a336121cb63ed79fa0a072eed03d694ac":[2,0,0,171,17], +"classarm__compute_1_1_dimensions.xhtml#a4498730adaf901d945c12841df994bba":[2,0,0,171,5], +"classarm__compute_1_1_dimensions.xhtml#a67306b78d448f2ec131a237513572bac":[2,0,0,171,12], +"classarm__compute_1_1_dimensions.xhtml#a691c9cb93365c2e33f3429de43244098":[2,0,0,171,16], +"classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20":[2,0,0,171,11], +"classarm__compute_1_1_dimensions.xhtml#a810a78f0b7cc0270f38d4136e023ea3b":[2,0,0,171,14], +"classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170":[2,0,0,171,8], +"classarm__compute_1_1_dimensions.xhtml#a982730e6f0da5f9490f59bc5f6bb3f27":[2,0,0,171,13], +"classarm__compute_1_1_dimensions.xhtml#aa2c609345b3b6fa8da2486f75fff8ed8":[2,0,0,171,1], +"classarm__compute_1_1_dimensions.xhtml#ab2878b67ca384a699c1270900b31290b":[2,0,0,171,3], +"classarm__compute_1_1_dimensions.xhtml#ab5908ac7ee6593782fd6ec6caa0b70ff":[2,0,0,171,2], +"classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59":[2,0,0,171,7], +"classarm__compute_1_1_dimensions.xhtml#adf9b6d55d708c285d58511a780e937fc":[2,0,0,171,6], +"classarm__compute_1_1_dimensions.xhtml#aeade0eaf149acac842e98d99d37e39c7":[2,0,0,171,4], +"classarm__compute_1_1_dimensions.xhtml#afb5cd37bb08f1029691590372e6330f0":[2,0,0,171,15], +"classarm__compute_1_1_distribution1_d.xhtml":[2,0,0,172], +"classarm__compute_1_1_distribution1_d.xhtml#a0a383529771c579b362ede2307c6bab9":[2,0,0,172,1], +"classarm__compute_1_1_distribution1_d.xhtml#a243c829bced69df597b496eb7456efb0":[2,0,0,172,0], +"classarm__compute_1_1_h_o_g.xhtml":[2,0,0,173], +"classarm__compute_1_1_h_o_g.xhtml#a055b5bd45e91f842b49def638c017b5b":[2,0,0,173,3], +"classarm__compute_1_1_h_o_g.xhtml#a0ab4e344f6a54823ab5e953574e1f201":[2,0,0,173,0], +"classarm__compute_1_1_h_o_g.xhtml#a548b8c6fda024da07113ff6cf6ec6af6":[2,0,0,173,1], +"classarm__compute_1_1_h_o_g.xhtml#aaa7fa8bba335c51f601110ed2e11eef3":[2,0,0,173,2], +"classarm__compute_1_1_h_o_g_info.xhtml":[2,0,0,174], +"classarm__compute_1_1_h_o_g_info.xhtml#a0279e383beb758e477ce0673c5db8d57":[2,0,0,174,9], +"classarm__compute_1_1_h_o_g_info.xhtml#a10dcbc6006d1e12ba2cd1ae524c66122":[2,0,0,174,2], +"classarm__compute_1_1_h_o_g_info.xhtml#a13a9a6f5cfa21b3ab15b1e4315311aeb":[2,0,0,174,5], +"classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500":[2,0,0,174,17], +"classarm__compute_1_1_h_o_g_info.xhtml#a4b7434680a85c2ac14df737ac7cca91e":[2,0,0,174,7], +"classarm__compute_1_1_h_o_g_info.xhtml#a649a86d58ff88cfd8523d6cb71d64332":[2,0,0,174,14], +"classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590":[2,0,0,174,16], +"classarm__compute_1_1_h_o_g_info.xhtml#a6a21c3fbc2803bbf3d975bec8977307f":[2,0,0,174,3], +"classarm__compute_1_1_h_o_g_info.xhtml#a75215e8ba07a5ec88ee8c902e306e887":[2,0,0,174,10], +"classarm__compute_1_1_h_o_g_info.xhtml#a8f6435e0a7c016e3cb0fc94b33067e50":[2,0,0,174,8], +"classarm__compute_1_1_h_o_g_info.xhtml#a954d05635b1ff48daffdd70d8a1a6443":[2,0,0,174,11], +"classarm__compute_1_1_h_o_g_info.xhtml#a96823b4d7dc642aa9f51a0077899d3f9":[2,0,0,174,18], +"classarm__compute_1_1_h_o_g_info.xhtml#aa9a69eade27460f843fcfba5abb7ae52":[2,0,0,174,6], +"classarm__compute_1_1_h_o_g_info.xhtml#ada121d63992678a09e1b3db5a2002bfa":[2,0,0,174,1], +"classarm__compute_1_1_h_o_g_info.xhtml#adb20b5249eedf180a461ea097622fe7f":[2,0,0,174,15], +"classarm__compute_1_1_h_o_g_info.xhtml#ae3664b841732a09d7749953ca5b81373":[2,0,0,174,13], +"classarm__compute_1_1_h_o_g_info.xhtml#aeaa7d619922de47d6239b0167a58e2c7":[2,0,0,174,4], +"classarm__compute_1_1_h_o_g_info.xhtml#aed28257d62b9129062bfd61600531648":[2,0,0,174,0], +"classarm__compute_1_1_h_o_g_info.xhtml#aed90de2ef57929727bb2159b66d04487":[2,0,0,174,12], +"classarm__compute_1_1_i_access_window.xhtml":[2,0,0,175], +"classarm__compute_1_1_i_access_window.xhtml#a5b6940395e0168f3f00da892ded537aa":[2,0,0,175,3], +"classarm__compute_1_1_i_access_window.xhtml#abc3996ab36cfa27811d661debfca5b5f":[2,0,0,175,0], +"classarm__compute_1_1_i_access_window.xhtml#abd645498a7cbaebd88b257083e459dd6":[2,0,0,175,2], +"classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9":[2,0,0,175,1], +"classarm__compute_1_1_i_array.xhtml":[2,0,0,176], +"classarm__compute_1_1_i_array.xhtml#a2ff0fb106d58091d2b4363e808f200a3":[2,0,0,176,6], +"classarm__compute_1_1_i_array.xhtml#a409cec620a7e56a535b079a0fe37695a":[2,0,0,176,0], +"classarm__compute_1_1_i_array.xhtml#a4b55468220c2029e7ee1594e34b2b21f":[2,0,0,176,4], +"classarm__compute_1_1_i_array.xhtml#a6dc031c18a14371984493b25a4230f59":[2,0,0,176,7], +"classarm__compute_1_1_i_array.xhtml#a7ddd3791f151a0ad74b270776ff3726c":[2,0,0,176,1], +"classarm__compute_1_1_i_array.xhtml#a861d8aa0fbeb6a0a33ec8d556b7e8657":[2,0,0,176,3], +"classarm__compute_1_1_i_array.xhtml#a9031bfcabdaae3ac3e6e349446e282ff":[2,0,0,176,9], +"classarm__compute_1_1_i_array.xhtml#ac8bb3912a3ce86b15842e79d0b421204":[2,0,0,176,5], +"classarm__compute_1_1_i_array.xhtml#acaeb87c4bcccaf15bb25bd2c8e44658a":[2,0,0,176,2], +"classarm__compute_1_1_i_array.xhtml#ae21b0e95ded2dcfb5e62848ea0193828":[2,0,0,176,10], +"classarm__compute_1_1_i_array.xhtml#afd912c5902331232c8a806fcb2d6eaad":[2,0,0,176,8], +"classarm__compute_1_1_i_c_l_array.xhtml":[2,0,0,177], +"classarm__compute_1_1_i_c_l_array.xhtml#a0c95f444049eea7c7d14f6fd57ef40a1":[2,0,0,177,2], +"classarm__compute_1_1_i_c_l_array.xhtml#a0cf073a23250bc74f0481a2747245e09":[2,0,0,177,1], +"classarm__compute_1_1_i_c_l_array.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,177,4], +"classarm__compute_1_1_i_c_l_array.xhtml#a46fdef12397c4404e7706cba3568b42d":[2,0,0,177,3], +"classarm__compute_1_1_i_c_l_array.xhtml#a52adc23eae121bce4ce2f3febaf77566":[2,0,0,177,0], +"classarm__compute_1_1_i_c_l_array.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,177,5], +"classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b":[2,0,0,177,6], +"classarm__compute_1_1_i_c_l_array.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,177,7], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml":[2,0,0,178], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd":[2,0,0,178,5], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0289f4eb4c6ca9ddcdc7d0926592a98f":[2,0,0,178,0], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0a383529771c579b362ede2307c6bab9":[2,0,0,178,2], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a298d976d9b3cf2a86f114292c1a58839":[2,0,0,178,1], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,178,4], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#aea577b83a6734249a78ac036a23d5c6b":[2,0,0,178,3], +"classarm__compute_1_1_i_c_l_distribution1_d.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,178,6], +"classarm__compute_1_1_i_c_l_kernel.xhtml":[2,0,0,179], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a28f5847162f352444c6ac1825d0e99c7":[2,0,0,179,3], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a479e7043e65dc87de35d374e108510f7":[2,0,0,179,1], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a4feaae9c860cddfa843d37c953674a22":[2,0,0,179,8], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a50f427a1d9419800972b9e03c4034311":[2,0,0,179,4], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a6b10e96ce90bf901d17def86b874b019":[2,0,0,179,0], +"classarm__compute_1_1_i_c_l_kernel.xhtml#a770f45838881fc061294e56d64f34386":[2,0,0,179,6], +"classarm__compute_1_1_i_c_l_kernel.xhtml#ac734502531e7f95e25b3bf688a304a59":[2,0,0,179,7], +"classarm__compute_1_1_i_c_l_kernel.xhtml#ac74dad3e61f79334f5e73f3c3ac603cb":[2,0,0,179,2], +"classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e":[2,0,0,179,5], +"classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51":[2,0,0,179,9], +"classarm__compute_1_1_i_c_l_lut.xhtml":[2,0,0,180], +"classarm__compute_1_1_i_c_l_lut.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,180,3], +"classarm__compute_1_1_i_c_l_lut.xhtml#a783d0c1fadb33a4a6d0beca4d4d3ab81":[2,0,0,180,1] }; diff --git a/documentation/navtreeindex8.js b/documentation/navtreeindex8.js index 518e73632..4308729cf 100644 --- a/documentation/navtreeindex8.js +++ b/documentation/navtreeindex8.js @@ -1,253 +1,253 @@ var NAVTREEINDEX8 = { -"classarm__compute_1_1_i_c_l_multi_image.xhtml#ad6273d4c4587f7956d48f2ea356a5c9b":[2,0,0,180,0], -"classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml":[2,0,0,181], -"classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,181,0], -"classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml":[2,0,0,182], -"classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,182,0], -"classarm__compute_1_1_i_c_l_simple_function.xhtml":[2,0,0,183], -"classarm__compute_1_1_i_c_l_simple_function.xhtml#aa8149af857c4bface8ad712e418a63f1":[2,0,0,183,0], -"classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e":[2,0,0,183,1], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml":[2,0,0,184], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa":[2,0,0,184,3], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae":[2,0,0,184,4], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a39b0093ec5f1344ffa4ac15a2c6f19e6":[2,0,0,184,2], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f":[2,0,0,184,0], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf":[2,0,0,184,5], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#aeb0435149b582dcab0c75477c83f8cc0":[2,0,0,184,1], -"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216":[2,0,0,184,6], -"classarm__compute_1_1_i_c_l_tensor.xhtml":[2,0,0,185], -"classarm__compute_1_1_i_c_l_tensor.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,185,3], -"classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce":[2,0,0,185,0], -"classarm__compute_1_1_i_c_l_tensor.xhtml#a7b94593f2b06f00d380ec3a3e6abccb2":[2,0,0,185,4], -"classarm__compute_1_1_i_c_l_tensor.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,185,5], -"classarm__compute_1_1_i_c_l_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,185,2], -"classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6":[2,0,0,185,1], -"classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e":[2,0,0,185,6], -"classarm__compute_1_1_i_c_l_tensor.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,185,7], -"classarm__compute_1_1_i_c_p_p_kernel.xhtml":[2,0,0,186], -"classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6":[2,0,0,186,0], -"classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2":[2,0,0,186,1], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml":[2,0,0,187], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4":[2,0,0,187,0], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000":[2,0,0,187,4], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a7a40bf323d5fa5e88fb2f6581c43af0c":[2,0,0,187,2], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8":[2,0,0,187,3], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036":[2,0,0,187,5], -"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ad6c492d85c9a5f91cf905defb626db4f":[2,0,0,187,1], -"classarm__compute_1_1_i_distribution.xhtml":[2,0,0,188], -"classarm__compute_1_1_i_distribution.xhtml#a0eb5856c63562cb144938ed77d6823a0":[2,0,0,188,1], -"classarm__compute_1_1_i_distribution.xhtml#a254be7b34cd78d12ffc7ed2aba4882b1":[2,0,0,188,3], -"classarm__compute_1_1_i_distribution.xhtml#a5b0c20bea8c40bf73b3160cb1e0da350":[2,0,0,188,2], -"classarm__compute_1_1_i_distribution.xhtml#a9ee18d758810dbcfb1c9717956f51c38":[2,0,0,188,0], -"classarm__compute_1_1_i_distribution.xhtml#aa983ddaeded5756189f46428be79c631":[2,0,0,188,4], -"classarm__compute_1_1_i_distribution1_d.xhtml":[2,0,0,189], -"classarm__compute_1_1_i_distribution1_d.xhtml#a862904f65dffef9c8a72d3aeadc56be1":[2,0,0,189,7], -"classarm__compute_1_1_i_distribution1_d.xhtml#a9027aed7fdb902ebc243647c8c3fbea2":[2,0,0,189,5], -"classarm__compute_1_1_i_distribution1_d.xhtml#a9c3a40b0dbbd79ed909471d9e05283aa":[2,0,0,189,0], -"classarm__compute_1_1_i_distribution1_d.xhtml#ac548d0ee88978d0ba481323aab25e46a":[2,0,0,189,4], -"classarm__compute_1_1_i_distribution1_d.xhtml#ad251169c06da412071bdfb6e92444e6e":[2,0,0,189,1], -"classarm__compute_1_1_i_distribution1_d.xhtml#ad7701a09a964eab360a8e51fa7ad2c16":[2,0,0,189,6], -"classarm__compute_1_1_i_distribution1_d.xhtml#ad952765741736e8e669876dd06636873":[2,0,0,189,3], -"classarm__compute_1_1_i_distribution1_d.xhtml#ae3664b841732a09d7749953ca5b81373":[2,0,0,189,2], -"classarm__compute_1_1_i_function.xhtml":[2,0,0,190], -"classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b":[2,0,0,190,1], -"classarm__compute_1_1_i_function.xhtml#ab921ecc3f3f6ae2b4bd61f3e1998d8c4":[2,0,0,190,0], -"classarm__compute_1_1_i_h_o_g.xhtml":[2,0,0,191], -"classarm__compute_1_1_i_h_o_g.xhtml#a4e9b5d4ab15fd9009b463861c1a19dbd":[2,0,0,191,2], -"classarm__compute_1_1_i_h_o_g.xhtml#a758ea1a393875c05d2c869ddeefd0dd6":[2,0,0,191,0], -"classarm__compute_1_1_i_h_o_g.xhtml#afc824305b2eaceab36baf5b66a535316":[2,0,0,191,1], -"classarm__compute_1_1_i_kernel.xhtml":[2,0,0,192], -"classarm__compute_1_1_i_kernel.xhtml#a341b60d15a5e12a5b8f3825194dd3b12":[2,0,0,192,1], -"classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353":[2,0,0,192,4], -"classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507":[2,0,0,192,0], -"classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8":[2,0,0,192,2], -"classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a":[2,0,0,192,3], -"classarm__compute_1_1_i_lut.xhtml":[2,0,0,193], -"classarm__compute_1_1_i_lut.xhtml#a5eeb94d22b8366d1b68d0614384802fe":[2,0,0,193,2], -"classarm__compute_1_1_i_lut.xhtml#a6314b1e589ffe32277858c018ac3c630":[2,0,0,193,5], -"classarm__compute_1_1_i_lut.xhtml#a786de36dda3773c5fb35d6700e64621e":[2,0,0,193,3], -"classarm__compute_1_1_i_lut.xhtml#a7a826fbb4f639c556352d1ede69187d7":[2,0,0,193,4], -"classarm__compute_1_1_i_lut.xhtml#aa1917b40b57ce0a0f1c69722b46f3f46":[2,0,0,193,6], -"classarm__compute_1_1_i_lut.xhtml#ab90dd1556851ce4b6b1529dfb9107f68":[2,0,0,193,0], -"classarm__compute_1_1_i_lut.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf":[2,0,0,193,1], -"classarm__compute_1_1_i_lut_allocator.xhtml":[2,0,0,194], -"classarm__compute_1_1_i_lut_allocator.xhtml#a07b8c40feb14af938204e68d8c2e5759":[2,0,0,194,2], -"classarm__compute_1_1_i_lut_allocator.xhtml#a3f7ed6a14a98f283aa700342b9cc2a01":[2,0,0,194,4], -"classarm__compute_1_1_i_lut_allocator.xhtml#a4ef157737b45c46f115e14b425512800":[2,0,0,194,3], -"classarm__compute_1_1_i_lut_allocator.xhtml#a8522d89f5f58b6c744e230b6b0641a4b":[2,0,0,194,7], -"classarm__compute_1_1_i_lut_allocator.xhtml#a9c34313e5cddaebce855b939e42efc32":[2,0,0,194,1], -"classarm__compute_1_1_i_lut_allocator.xhtml#aac782da1f912bceb5d8ad00c8dc892ac":[2,0,0,194,6], -"classarm__compute_1_1_i_lut_allocator.xhtml#acb80847d132eba25605f9fc43a42f652":[2,0,0,194,0], -"classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1":[2,0,0,194,5], -"classarm__compute_1_1_i_multi_h_o_g.xhtml":[2,0,0,195], -"classarm__compute_1_1_i_multi_h_o_g.xhtml#a36ab43f5c3606001dcd2468b955f3e02":[2,0,0,195,3], -"classarm__compute_1_1_i_multi_h_o_g.xhtml#a6698fe6d38d2bb18553ae37a5d1aa42c":[2,0,0,195,0], -"classarm__compute_1_1_i_multi_h_o_g.xhtml#a71394cddbab548690b314af51be472f0":[2,0,0,195,2], -"classarm__compute_1_1_i_multi_h_o_g.xhtml#a75e828c2dc5a300d224761a410c0925f":[2,0,0,195,1], -"classarm__compute_1_1_i_multi_image.xhtml":[2,0,0,196], -"classarm__compute_1_1_i_multi_image.xhtml#a18bc117545eec0b9d0d502286d1afd62":[2,0,0,196,3], -"classarm__compute_1_1_i_multi_image.xhtml#a38261214e277cba5b90dd1ffe31170e0":[2,0,0,196,1], -"classarm__compute_1_1_i_multi_image.xhtml#a52c8ee0f7ff87c20c213bf2860729ea0":[2,0,0,196,0], -"classarm__compute_1_1_i_multi_image.xhtml#a84ad04ee4d2efc59632a3224d7a813b3":[2,0,0,196,2], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml":[2,0,0,197], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c":[2,0,0,197,5], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce":[2,0,0,197,0], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec":[2,0,0,197,4], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e":[2,0,0,197,6], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a98cf472e8c62403e1995673e9b8ed1c3":[2,0,0,197,2], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#aec74324a78e81a421f0fddde6c6bb439":[2,0,0,197,1], -"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#af74d3413c9011d560c8a572037f4df9b":[2,0,0,197,3], -"classarm__compute_1_1_i_n_e_simple_function.xhtml":[2,0,0,198], -"classarm__compute_1_1_i_n_e_simple_function.xhtml#a4a6528d71f063140db37cdf5cf272960":[2,0,0,198,0], -"classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e":[2,0,0,198,1], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml":[2,0,0,199], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0":[2,0,0,199,3], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a516a474c9b15858d827afbfa3e7e6060":[2,0,0,199,2], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a581f7b74a46de81c682247ed0890e326":[2,0,0,199,1], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7":[2,0,0,199,5], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a":[2,0,0,199,0], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae":[2,0,0,199,4], -"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,199,6], -"classarm__compute_1_1_i_pyramid.xhtml":[2,0,0,201], -"classarm__compute_1_1_i_pyramid.xhtml#a11ab83492962adab883cb1d0fbdd7af6":[2,0,0,201,1], -"classarm__compute_1_1_i_pyramid.xhtml#a2925d59af502d059fcb2326a6ada7867":[2,0,0,201,0], -"classarm__compute_1_1_i_pyramid.xhtml#a7114241d28b1d2ebb7b9dba9f1ab0c8b":[2,0,0,201,2], -"classarm__compute_1_1_i_tensor.xhtml":[2,0,0,202], -"classarm__compute_1_1_i_tensor.xhtml#a0b092c86d6e0fb8a114281565953a02a":[2,0,0,202,5], -"classarm__compute_1_1_i_tensor.xhtml#a48c7a05cc63f541d732250e39339cee2":[2,0,0,202,6], -"classarm__compute_1_1_i_tensor.xhtml#a4a774ad8d5f4837f3d7de1876d367c5b":[2,0,0,202,2], -"classarm__compute_1_1_i_tensor.xhtml#a4aa2df36743089ac6814d83e7d4b7ffc":[2,0,0,202,0], -"classarm__compute_1_1_i_tensor.xhtml#a4d0ad991bc87d99aa39ca1ba6df15469":[2,0,0,202,4], -"classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9":[2,0,0,202,3], -"classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf":[2,0,0,202,1], -"classarm__compute_1_1_i_tensor_allocator.xhtml":[2,0,0,203], -"classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268":[2,0,0,203,8], -"classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231":[2,0,0,203,5], -"classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6":[2,0,0,203,9], -"classarm__compute_1_1_i_tensor_allocator.xhtml#a4fe09d257ff33e01defc7074ca22dc98":[2,0,0,203,2], -"classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99":[2,0,0,203,3], -"classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680":[2,0,0,203,7], -"classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85":[2,0,0,203,4], -"classarm__compute_1_1_i_tensor_allocator.xhtml#ad129de4883c35830834987e9b68314e1":[2,0,0,203,6], -"classarm__compute_1_1_i_tensor_allocator.xhtml#ae82acbc677aa7d77c6a3f5e3547ef917":[2,0,0,203,1], -"classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e":[2,0,0,203,0], -"classarm__compute_1_1_iterator.xhtml":[2,0,0,204], -"classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3":[2,0,0,204,4], -"classarm__compute_1_1_iterator.xhtml#a45381773d6cba2ad9e9d2d04515fa40b":[2,0,0,204,0], -"classarm__compute_1_1_iterator.xhtml#a599f5025b7e6b8bfead740a88e56d5bc":[2,0,0,204,5], -"classarm__compute_1_1_iterator.xhtml#a6e507a84d19ad08bb0f7fc1558ec429a":[2,0,0,204,2], -"classarm__compute_1_1_iterator.xhtml#a8760d21bd43ac13bd26489b7736245b3":[2,0,0,204,3], -"classarm__compute_1_1_iterator.xhtml#a92d6469b972ef1e52b55b1ad7da70b02":[2,0,0,204,1], -"classarm__compute_1_1_kernel.xhtml":[2,0,0,205], -"classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1":[2,0,0,205,2], -"classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75":[2,0,0,205,7], -"classarm__compute_1_1_kernel.xhtml#a37627d5d5bba7f4a8690c71c2ab3cb07":[2,0,0,205,4], -"classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420":[2,0,0,205,0], -"classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b":[2,0,0,205,1], -"classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925":[2,0,0,205,3], -"classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10":[2,0,0,205,6], -"classarm__compute_1_1_kernel.xhtml#ad3a94f90bef30dbf3529c617cb8b2c53":[2,0,0,205,5], -"classarm__compute_1_1_lut.xhtml":[2,0,0,207], -"classarm__compute_1_1_lut.xhtml#a0f61968969758af458b1bb644445cb4d":[2,0,0,207,0], -"classarm__compute_1_1_lut.xhtml#a5330adc6ef4a662806ec236e2be07bbe":[2,0,0,207,2], -"classarm__compute_1_1_lut.xhtml#a68f33e9afee896dc24b32093d25c6766":[2,0,0,207,7], -"classarm__compute_1_1_lut.xhtml#a6dac829b4ddf4a5729ac090e73696958":[2,0,0,207,6], -"classarm__compute_1_1_lut.xhtml#a6dc9c052a2732f899adccfaeee468364":[2,0,0,207,8], -"classarm__compute_1_1_lut.xhtml#aaf3f51cd25e1651cccf04064a9888f4e":[2,0,0,207,5], -"classarm__compute_1_1_lut.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,207,3], -"classarm__compute_1_1_lut.xhtml#adad4e75f50babe21da02638fa2cfb9d1":[2,0,0,207,1], -"classarm__compute_1_1_lut.xhtml#aee7cb2065b88d21ac4ad05bc997ecf82":[2,0,0,207,4], -"classarm__compute_1_1_lut_allocator.xhtml":[2,0,0,208], -"classarm__compute_1_1_lut_allocator.xhtml#a5fdb67ad7cf44fcbc5bf7bd0a7a1ca09":[2,0,0,208,0], -"classarm__compute_1_1_lut_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b":[2,0,0,208,1], -"classarm__compute_1_1_multi_h_o_g.xhtml":[2,0,0,209], -"classarm__compute_1_1_multi_h_o_g.xhtml#a3fdc663dd36acddc50a879d9b2f84d2a":[2,0,0,209,2], -"classarm__compute_1_1_multi_h_o_g.xhtml#a63070a779573aae4282278bc08390329":[2,0,0,209,3], -"classarm__compute_1_1_multi_h_o_g.xhtml#a6e2a8eb69ed47bf06e7da4b63da32bc5":[2,0,0,209,0], -"classarm__compute_1_1_multi_h_o_g.xhtml#aa9d93a19f9961a4ee8b06527cd8842b4":[2,0,0,209,1], -"classarm__compute_1_1_multi_image.xhtml":[2,0,0,210], -"classarm__compute_1_1_multi_image.xhtml#a122ea2bfab91467608e255a8612f0bff":[2,0,0,210,0], -"classarm__compute_1_1_multi_image.xhtml#a1762b2552daa39b1629c90d1f04669f5":[2,0,0,210,6], -"classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723":[2,0,0,210,5], -"classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,210,4], -"classarm__compute_1_1_multi_image.xhtml#abd476c5b253ba7cfff71fc2f782d2688":[2,0,0,210,2], -"classarm__compute_1_1_multi_image.xhtml#abf183837db0ff1ee887d6e9bbb891916":[2,0,0,210,7], -"classarm__compute_1_1_multi_image.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,210,1], -"classarm__compute_1_1_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f":[2,0,0,210,3], -"classarm__compute_1_1_multi_image_info.xhtml":[2,0,0,211], -"classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,211,1], -"classarm__compute_1_1_multi_image_info.xhtml#a335d0038f37278ee9adc798b2efa7775":[2,0,0,211,0], -"classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,211,3], -"classarm__compute_1_1_multi_image_info.xhtml#a7b736ec9a05be5c498760d35a0406ed3":[2,0,0,211,4], -"classarm__compute_1_1_multi_image_info.xhtml#aa420a28166e708e3f8b9ecc8e527fc09":[2,0,0,211,2], -"classarm__compute_1_1_n_e_absolute_difference.xhtml":[2,0,0,212], -"classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,212,0], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml":[2,0,0,213], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a3ea3f6066aa44e4322fe392abc8d6b3d":[2,0,0,213,1], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a56b181c68b40c083985bc4c82203388b":[2,0,0,213,2], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857":[2,0,0,213,5], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a813ee60454b4ddd26de77815a4f8fffb":[2,0,0,213,0], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,213,4], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8f920e3071a96d1cb1bf77dabced479e":[2,0,0,213,3], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,213,7], -"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c":[2,0,0,213,6], -"classarm__compute_1_1_n_e_accumulate.xhtml":[2,0,0,214], -"classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,214,0], -"classarm__compute_1_1_n_e_accumulate_kernel.xhtml":[2,0,0,215], -"classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,215,1], -"classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b":[2,0,0,215,0], -"classarm__compute_1_1_n_e_accumulate_squared.xhtml":[2,0,0,216], -"classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08":[2,0,0,216,0], -"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml":[2,0,0,217], -"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a160d96f1b3b6fc7b1f5e8fd10617e34e":[2,0,0,217,0], -"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,217,2], -"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663":[2,0,0,217,1], -"classarm__compute_1_1_n_e_accumulate_weighted.xhtml":[2,0,0,218], -"classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844":[2,0,0,218,0], -"classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml":[2,0,0,219], -"classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,219,0], -"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml":[2,0,0,220], -"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a044d704971675daa53757df82be00583":[2,0,0,220,0], -"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,220,2], -"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a":[2,0,0,220,1], -"classarm__compute_1_1_n_e_activation_layer.xhtml":[2,0,0,221], -"classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da":[2,0,0,221,0], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml":[2,0,0,222], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907":[2,0,0,222,5], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a62a06a80629d965010527d57f48894fd":[2,0,0,222,2], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a75a47991d84bf206ca93cec613eed70c":[2,0,0,222,1], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5":[2,0,0,222,4], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,222,6], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da":[2,0,0,222,3], -"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#af5c940969e40e1ae12411bb025a117f2":[2,0,0,222,0], -"classarm__compute_1_1_n_e_arithmetic_addition.xhtml":[2,0,0,223], -"classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,223,0], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml":[2,0,0,224], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a109cb6df60acd8ec449f321a239750cc":[2,0,0,224,2], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2":[2,0,0,224,5], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,224,7], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8":[2,0,0,224,6], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9a168f182be423014aa67a334323dfd8":[2,0,0,224,3], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ab12c64a745f0eb7e3d9380214ebe1b82":[2,0,0,224,1], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ad336181c06f2c2983212849bd9ebcd35":[2,0,0,224,0], -"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,224,4], -"classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml":[2,0,0,225], -"classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,225,0], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml":[2,0,0,226], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a026b41642629bcc690e3b4fa82f820d1":[2,0,0,226,1], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a5f1869dd5ea404e5f6b110ec5e356320":[2,0,0,226,0], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a6501ef61f473949fc980b4ada8e18bad":[2,0,0,226,2], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,226,7], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3":[2,0,0,226,6], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2":[2,0,0,226,5], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,226,4], -"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aeb20f5092b85fd6c9a4deb6e59de7c03":[2,0,0,226,3], -"classarm__compute_1_1_n_e_bitwise_and.xhtml":[2,0,0,227], -"classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,227,0], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml":[2,0,0,228], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a1b109ddb7c5e104d2f294cdb4b3c8046":[2,0,0,228,0], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a7b37323acf5fd203d11e59d53be22904":[2,0,0,228,2], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,228,3], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,228,6] +"classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1":[2,0,0,180,5], +"classarm__compute_1_1_i_c_l_lut.xhtml#abc0b83809a3a81a4dced0bdf7d4d5ed7":[2,0,0,180,0], +"classarm__compute_1_1_i_c_l_lut.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,180,4], +"classarm__compute_1_1_i_c_l_lut.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,180,2], +"classarm__compute_1_1_i_c_l_lut.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,180,6], +"classarm__compute_1_1_i_c_l_multi_image.xhtml":[2,0,0,181], +"classarm__compute_1_1_i_c_l_multi_image.xhtml#a1a074b1525a405db59cba015b89f23a1":[2,0,0,181,2], +"classarm__compute_1_1_i_c_l_multi_image.xhtml#a3188cda5497ec91ce0839d7a2f14d578":[2,0,0,181,1], +"classarm__compute_1_1_i_c_l_multi_image.xhtml#ad136a4299cb6e978ab975fe4a4691fba":[2,0,0,181,3], +"classarm__compute_1_1_i_c_l_multi_image.xhtml#ad6273d4c4587f7956d48f2ea356a5c9b":[2,0,0,181,0], +"classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml":[2,0,0,182], +"classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,182,0], +"classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml":[2,0,0,183], +"classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e":[2,0,0,183,0], +"classarm__compute_1_1_i_c_l_simple_function.xhtml":[2,0,0,184], +"classarm__compute_1_1_i_c_l_simple_function.xhtml#aa8149af857c4bface8ad712e418a63f1":[2,0,0,184,0], +"classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e":[2,0,0,184,1], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml":[2,0,0,185], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa":[2,0,0,185,3], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae":[2,0,0,185,4], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a39b0093ec5f1344ffa4ac15a2c6f19e6":[2,0,0,185,2], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f":[2,0,0,185,0], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf":[2,0,0,185,5], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#aeb0435149b582dcab0c75477c83f8cc0":[2,0,0,185,1], +"classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216":[2,0,0,185,6], +"classarm__compute_1_1_i_c_l_tensor.xhtml":[2,0,0,186], +"classarm__compute_1_1_i_c_l_tensor.xhtml#a1fb4c50755a0ef424652246838ed91a6":[2,0,0,186,5], +"classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce":[2,0,0,186,0], +"classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80":[2,0,0,186,9], +"classarm__compute_1_1_i_c_l_tensor.xhtml#a7b94593f2b06f00d380ec3a3e6abccb2":[2,0,0,186,6], +"classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e":[2,0,0,186,3], +"classarm__compute_1_1_i_c_l_tensor.xhtml#ac0abc7a5c0d172947f0e6a0c0dde3df0":[2,0,0,186,7], +"classarm__compute_1_1_i_c_l_tensor.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,186,4], +"classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6":[2,0,0,186,1], +"classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03":[2,0,0,186,2], +"classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e":[2,0,0,186,8], +"classarm__compute_1_1_i_c_l_tensor.xhtml#af974a2360069c2ef8df4496d00e4f6cc":[2,0,0,186,10], +"classarm__compute_1_1_i_c_p_p_kernel.xhtml":[2,0,0,187], +"classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6":[2,0,0,187,0], +"classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2":[2,0,0,187,1], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml":[2,0,0,188], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4":[2,0,0,188,0], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000":[2,0,0,188,4], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a7a40bf323d5fa5e88fb2f6581c43af0c":[2,0,0,188,2], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8":[2,0,0,188,3], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036":[2,0,0,188,5], +"classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ad6c492d85c9a5f91cf905defb626db4f":[2,0,0,188,1], +"classarm__compute_1_1_i_distribution.xhtml":[2,0,0,189], +"classarm__compute_1_1_i_distribution.xhtml#a0eb5856c63562cb144938ed77d6823a0":[2,0,0,189,1], +"classarm__compute_1_1_i_distribution.xhtml#a254be7b34cd78d12ffc7ed2aba4882b1":[2,0,0,189,3], +"classarm__compute_1_1_i_distribution.xhtml#a5b0c20bea8c40bf73b3160cb1e0da350":[2,0,0,189,2], +"classarm__compute_1_1_i_distribution.xhtml#a9ee18d758810dbcfb1c9717956f51c38":[2,0,0,189,0], +"classarm__compute_1_1_i_distribution.xhtml#aa983ddaeded5756189f46428be79c631":[2,0,0,189,4], +"classarm__compute_1_1_i_distribution1_d.xhtml":[2,0,0,190], +"classarm__compute_1_1_i_distribution1_d.xhtml#a862904f65dffef9c8a72d3aeadc56be1":[2,0,0,190,7], +"classarm__compute_1_1_i_distribution1_d.xhtml#a9027aed7fdb902ebc243647c8c3fbea2":[2,0,0,190,5], +"classarm__compute_1_1_i_distribution1_d.xhtml#a9c3a40b0dbbd79ed909471d9e05283aa":[2,0,0,190,0], +"classarm__compute_1_1_i_distribution1_d.xhtml#ac548d0ee88978d0ba481323aab25e46a":[2,0,0,190,4], +"classarm__compute_1_1_i_distribution1_d.xhtml#ad251169c06da412071bdfb6e92444e6e":[2,0,0,190,1], +"classarm__compute_1_1_i_distribution1_d.xhtml#ad7701a09a964eab360a8e51fa7ad2c16":[2,0,0,190,6], +"classarm__compute_1_1_i_distribution1_d.xhtml#ad952765741736e8e669876dd06636873":[2,0,0,190,3], +"classarm__compute_1_1_i_distribution1_d.xhtml#ae3664b841732a09d7749953ca5b81373":[2,0,0,190,2], +"classarm__compute_1_1_i_function.xhtml":[2,0,0,191], +"classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b":[2,0,0,191,1], +"classarm__compute_1_1_i_function.xhtml#ab921ecc3f3f6ae2b4bd61f3e1998d8c4":[2,0,0,191,0], +"classarm__compute_1_1_i_h_o_g.xhtml":[2,0,0,192], +"classarm__compute_1_1_i_h_o_g.xhtml#a4e9b5d4ab15fd9009b463861c1a19dbd":[2,0,0,192,2], +"classarm__compute_1_1_i_h_o_g.xhtml#a758ea1a393875c05d2c869ddeefd0dd6":[2,0,0,192,0], +"classarm__compute_1_1_i_h_o_g.xhtml#afc824305b2eaceab36baf5b66a535316":[2,0,0,192,1], +"classarm__compute_1_1_i_kernel.xhtml":[2,0,0,193], +"classarm__compute_1_1_i_kernel.xhtml#a341b60d15a5e12a5b8f3825194dd3b12":[2,0,0,193,1], +"classarm__compute_1_1_i_kernel.xhtml#a3f5646133956f06348b310ccc3d36353":[2,0,0,193,4], +"classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507":[2,0,0,193,0], +"classarm__compute_1_1_i_kernel.xhtml#aa6daa9b04e2035bf007e5e5c3c4396a8":[2,0,0,193,2], +"classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a":[2,0,0,193,3], +"classarm__compute_1_1_i_lut.xhtml":[2,0,0,194], +"classarm__compute_1_1_i_lut.xhtml#a5eeb94d22b8366d1b68d0614384802fe":[2,0,0,194,2], +"classarm__compute_1_1_i_lut.xhtml#a6314b1e589ffe32277858c018ac3c630":[2,0,0,194,5], +"classarm__compute_1_1_i_lut.xhtml#a786de36dda3773c5fb35d6700e64621e":[2,0,0,194,3], +"classarm__compute_1_1_i_lut.xhtml#a7a826fbb4f639c556352d1ede69187d7":[2,0,0,194,4], +"classarm__compute_1_1_i_lut.xhtml#aa1917b40b57ce0a0f1c69722b46f3f46":[2,0,0,194,6], +"classarm__compute_1_1_i_lut.xhtml#ab90dd1556851ce4b6b1529dfb9107f68":[2,0,0,194,0], +"classarm__compute_1_1_i_lut.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf":[2,0,0,194,1], +"classarm__compute_1_1_i_lut_allocator.xhtml":[2,0,0,195], +"classarm__compute_1_1_i_lut_allocator.xhtml#a07b8c40feb14af938204e68d8c2e5759":[2,0,0,195,2], +"classarm__compute_1_1_i_lut_allocator.xhtml#a3f7ed6a14a98f283aa700342b9cc2a01":[2,0,0,195,4], +"classarm__compute_1_1_i_lut_allocator.xhtml#a4ef157737b45c46f115e14b425512800":[2,0,0,195,3], +"classarm__compute_1_1_i_lut_allocator.xhtml#a8522d89f5f58b6c744e230b6b0641a4b":[2,0,0,195,7], +"classarm__compute_1_1_i_lut_allocator.xhtml#a9c34313e5cddaebce855b939e42efc32":[2,0,0,195,1], +"classarm__compute_1_1_i_lut_allocator.xhtml#aac782da1f912bceb5d8ad00c8dc892ac":[2,0,0,195,6], +"classarm__compute_1_1_i_lut_allocator.xhtml#acb80847d132eba25605f9fc43a42f652":[2,0,0,195,0], +"classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1":[2,0,0,195,5], +"classarm__compute_1_1_i_multi_h_o_g.xhtml":[2,0,0,196], +"classarm__compute_1_1_i_multi_h_o_g.xhtml#a36ab43f5c3606001dcd2468b955f3e02":[2,0,0,196,3], +"classarm__compute_1_1_i_multi_h_o_g.xhtml#a6698fe6d38d2bb18553ae37a5d1aa42c":[2,0,0,196,0], +"classarm__compute_1_1_i_multi_h_o_g.xhtml#a71394cddbab548690b314af51be472f0":[2,0,0,196,2], +"classarm__compute_1_1_i_multi_h_o_g.xhtml#a75e828c2dc5a300d224761a410c0925f":[2,0,0,196,1], +"classarm__compute_1_1_i_multi_image.xhtml":[2,0,0,197], +"classarm__compute_1_1_i_multi_image.xhtml#a18bc117545eec0b9d0d502286d1afd62":[2,0,0,197,3], +"classarm__compute_1_1_i_multi_image.xhtml#a38261214e277cba5b90dd1ffe31170e0":[2,0,0,197,1], +"classarm__compute_1_1_i_multi_image.xhtml#a52c8ee0f7ff87c20c213bf2860729ea0":[2,0,0,197,0], +"classarm__compute_1_1_i_multi_image.xhtml#a84ad04ee4d2efc59632a3224d7a813b3":[2,0,0,197,2], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml":[2,0,0,198], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c":[2,0,0,198,5], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a3ad624d38793ed654c8ecb01466412ce":[2,0,0,198,0], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec":[2,0,0,198,4], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e":[2,0,0,198,6], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a98cf472e8c62403e1995673e9b8ed1c3":[2,0,0,198,2], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#aec74324a78e81a421f0fddde6c6bb439":[2,0,0,198,1], +"classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#af74d3413c9011d560c8a572037f4df9b":[2,0,0,198,3], +"classarm__compute_1_1_i_n_e_simple_function.xhtml":[2,0,0,199], +"classarm__compute_1_1_i_n_e_simple_function.xhtml#a4a6528d71f063140db37cdf5cf272960":[2,0,0,199,0], +"classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e":[2,0,0,199,1], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml":[2,0,0,200], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0":[2,0,0,200,3], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a516a474c9b15858d827afbfa3e7e6060":[2,0,0,200,2], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a581f7b74a46de81c682247ed0890e326":[2,0,0,200,1], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7":[2,0,0,200,5], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7acfff8355cadd1f4a467a82d05df75a":[2,0,0,200,0], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae":[2,0,0,200,4], +"classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,200,6], +"classarm__compute_1_1_i_pyramid.xhtml":[2,0,0,202], +"classarm__compute_1_1_i_pyramid.xhtml#a11ab83492962adab883cb1d0fbdd7af6":[2,0,0,202,1], +"classarm__compute_1_1_i_pyramid.xhtml#a2925d59af502d059fcb2326a6ada7867":[2,0,0,202,0], +"classarm__compute_1_1_i_pyramid.xhtml#a7114241d28b1d2ebb7b9dba9f1ab0c8b":[2,0,0,202,2], +"classarm__compute_1_1_i_tensor.xhtml":[2,0,0,203], +"classarm__compute_1_1_i_tensor.xhtml#a0b092c86d6e0fb8a114281565953a02a":[2,0,0,203,5], +"classarm__compute_1_1_i_tensor.xhtml#a48c7a05cc63f541d732250e39339cee2":[2,0,0,203,6], +"classarm__compute_1_1_i_tensor.xhtml#a4a774ad8d5f4837f3d7de1876d367c5b":[2,0,0,203,2], +"classarm__compute_1_1_i_tensor.xhtml#a4aa2df36743089ac6814d83e7d4b7ffc":[2,0,0,203,0], +"classarm__compute_1_1_i_tensor.xhtml#a4d0ad991bc87d99aa39ca1ba6df15469":[2,0,0,203,4], +"classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9":[2,0,0,203,3], +"classarm__compute_1_1_i_tensor.xhtml#ab988210662dbd3bf32fd563c7dd1bdbf":[2,0,0,203,1], +"classarm__compute_1_1_i_tensor_allocator.xhtml":[2,0,0,204], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268":[2,0,0,204,9], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683":[2,0,0,204,5], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231":[2,0,0,204,6], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6":[2,0,0,204,10], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a4fe09d257ff33e01defc7074ca22dc98":[2,0,0,204,2], +"classarm__compute_1_1_i_tensor_allocator.xhtml#a8378fc6c887231765b885f8033c7bb99":[2,0,0,204,3], +"classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680":[2,0,0,204,8], +"classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85":[2,0,0,204,4], +"classarm__compute_1_1_i_tensor_allocator.xhtml#ad129de4883c35830834987e9b68314e1":[2,0,0,204,7], +"classarm__compute_1_1_i_tensor_allocator.xhtml#ae82acbc677aa7d77c6a3f5e3547ef917":[2,0,0,204,1], +"classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e":[2,0,0,204,0], +"classarm__compute_1_1_iterator.xhtml":[2,0,0,205], +"classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3":[2,0,0,205,4], +"classarm__compute_1_1_iterator.xhtml#a45381773d6cba2ad9e9d2d04515fa40b":[2,0,0,205,0], +"classarm__compute_1_1_iterator.xhtml#a599f5025b7e6b8bfead740a88e56d5bc":[2,0,0,205,5], +"classarm__compute_1_1_iterator.xhtml#a6e507a84d19ad08bb0f7fc1558ec429a":[2,0,0,205,2], +"classarm__compute_1_1_iterator.xhtml#a8760d21bd43ac13bd26489b7736245b3":[2,0,0,205,3], +"classarm__compute_1_1_iterator.xhtml#a92d6469b972ef1e52b55b1ad7da70b02":[2,0,0,205,1], +"classarm__compute_1_1_kernel.xhtml":[2,0,0,206], +"classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1":[2,0,0,206,2], +"classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75":[2,0,0,206,7], +"classarm__compute_1_1_kernel.xhtml#a37627d5d5bba7f4a8690c71c2ab3cb07":[2,0,0,206,4], +"classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420":[2,0,0,206,0], +"classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b":[2,0,0,206,1], +"classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925":[2,0,0,206,3], +"classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10":[2,0,0,206,6], +"classarm__compute_1_1_kernel.xhtml#ad3a94f90bef30dbf3529c617cb8b2c53":[2,0,0,206,5], +"classarm__compute_1_1_lut.xhtml":[2,0,0,208], +"classarm__compute_1_1_lut.xhtml#a0f61968969758af458b1bb644445cb4d":[2,0,0,208,0], +"classarm__compute_1_1_lut.xhtml#a5330adc6ef4a662806ec236e2be07bbe":[2,0,0,208,2], +"classarm__compute_1_1_lut.xhtml#a68f33e9afee896dc24b32093d25c6766":[2,0,0,208,7], +"classarm__compute_1_1_lut.xhtml#a6dac829b4ddf4a5729ac090e73696958":[2,0,0,208,6], +"classarm__compute_1_1_lut.xhtml#a6dc9c052a2732f899adccfaeee468364":[2,0,0,208,8], +"classarm__compute_1_1_lut.xhtml#aaf3f51cd25e1651cccf04064a9888f4e":[2,0,0,208,5], +"classarm__compute_1_1_lut.xhtml#ace7b855e3c647d29cc37a1ce147901dc":[2,0,0,208,3], +"classarm__compute_1_1_lut.xhtml#adad4e75f50babe21da02638fa2cfb9d1":[2,0,0,208,1], +"classarm__compute_1_1_lut.xhtml#aee7cb2065b88d21ac4ad05bc997ecf82":[2,0,0,208,4], +"classarm__compute_1_1_lut_allocator.xhtml":[2,0,0,209], +"classarm__compute_1_1_lut_allocator.xhtml#a5fdb67ad7cf44fcbc5bf7bd0a7a1ca09":[2,0,0,209,0], +"classarm__compute_1_1_lut_allocator.xhtml#a738d0f4e90cfddb07316f368a855e50b":[2,0,0,209,1], +"classarm__compute_1_1_multi_h_o_g.xhtml":[2,0,0,210], +"classarm__compute_1_1_multi_h_o_g.xhtml#a3fdc663dd36acddc50a879d9b2f84d2a":[2,0,0,210,2], +"classarm__compute_1_1_multi_h_o_g.xhtml#a63070a779573aae4282278bc08390329":[2,0,0,210,3], +"classarm__compute_1_1_multi_h_o_g.xhtml#a6e2a8eb69ed47bf06e7da4b63da32bc5":[2,0,0,210,0], +"classarm__compute_1_1_multi_h_o_g.xhtml#aa9d93a19f9961a4ee8b06527cd8842b4":[2,0,0,210,1], +"classarm__compute_1_1_multi_image.xhtml":[2,0,0,211], +"classarm__compute_1_1_multi_image.xhtml#a122ea2bfab91467608e255a8612f0bff":[2,0,0,211,0], +"classarm__compute_1_1_multi_image.xhtml#a1762b2552daa39b1629c90d1f04669f5":[2,0,0,211,6], +"classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723":[2,0,0,211,5], +"classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,211,4], +"classarm__compute_1_1_multi_image.xhtml#abd476c5b253ba7cfff71fc2f782d2688":[2,0,0,211,2], +"classarm__compute_1_1_multi_image.xhtml#abf183837db0ff1ee887d6e9bbb891916":[2,0,0,211,7], +"classarm__compute_1_1_multi_image.xhtml#acaefe811b78a2fdc4a0dba0c4029c3ef":[2,0,0,211,1], +"classarm__compute_1_1_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f":[2,0,0,211,3], +"classarm__compute_1_1_multi_image_info.xhtml":[2,0,0,212], +"classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e":[2,0,0,212,1], +"classarm__compute_1_1_multi_image_info.xhtml#a335d0038f37278ee9adc798b2efa7775":[2,0,0,212,0], +"classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637":[2,0,0,212,3], +"classarm__compute_1_1_multi_image_info.xhtml#a7b736ec9a05be5c498760d35a0406ed3":[2,0,0,212,4], +"classarm__compute_1_1_multi_image_info.xhtml#aa420a28166e708e3f8b9ecc8e527fc09":[2,0,0,212,2], +"classarm__compute_1_1_n_e_absolute_difference.xhtml":[2,0,0,213], +"classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,213,0], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml":[2,0,0,214], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a3ea3f6066aa44e4322fe392abc8d6b3d":[2,0,0,214,1], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a56b181c68b40c083985bc4c82203388b":[2,0,0,214,2], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857":[2,0,0,214,5], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a813ee60454b4ddd26de77815a4f8fffb":[2,0,0,214,0], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,214,4], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8f920e3071a96d1cb1bf77dabced479e":[2,0,0,214,3], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,214,7], +"classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c":[2,0,0,214,6], +"classarm__compute_1_1_n_e_accumulate.xhtml":[2,0,0,215], +"classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,215,0], +"classarm__compute_1_1_n_e_accumulate_kernel.xhtml":[2,0,0,216], +"classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,216,1], +"classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b":[2,0,0,216,0], +"classarm__compute_1_1_n_e_accumulate_squared.xhtml":[2,0,0,217], +"classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08":[2,0,0,217,0], +"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml":[2,0,0,218], +"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a160d96f1b3b6fc7b1f5e8fd10617e34e":[2,0,0,218,0], +"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,218,2], +"classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663":[2,0,0,218,1], +"classarm__compute_1_1_n_e_accumulate_weighted.xhtml":[2,0,0,219], +"classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844":[2,0,0,219,0], +"classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml":[2,0,0,220], +"classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,220,0], +"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml":[2,0,0,221], +"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a044d704971675daa53757df82be00583":[2,0,0,221,0], +"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,221,2], +"classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a":[2,0,0,221,1], +"classarm__compute_1_1_n_e_activation_layer.xhtml":[2,0,0,222], +"classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da":[2,0,0,222,0], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml":[2,0,0,223], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907":[2,0,0,223,5], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a62a06a80629d965010527d57f48894fd":[2,0,0,223,2], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a75a47991d84bf206ca93cec613eed70c":[2,0,0,223,1], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5":[2,0,0,223,4], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,223,6], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da":[2,0,0,223,3], +"classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#af5c940969e40e1ae12411bb025a117f2":[2,0,0,223,0], +"classarm__compute_1_1_n_e_arithmetic_addition.xhtml":[2,0,0,224], +"classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,224,0], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml":[2,0,0,225], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a109cb6df60acd8ec449f321a239750cc":[2,0,0,225,2], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2":[2,0,0,225,5], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,225,7], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8":[2,0,0,225,6], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9a168f182be423014aa67a334323dfd8":[2,0,0,225,3], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ab12c64a745f0eb7e3d9380214ebe1b82":[2,0,0,225,1], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ad336181c06f2c2983212849bd9ebcd35":[2,0,0,225,0], +"classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,225,4], +"classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml":[2,0,0,226], +"classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,226,0], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml":[2,0,0,227], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a026b41642629bcc690e3b4fa82f820d1":[2,0,0,227,1], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a5f1869dd5ea404e5f6b110ec5e356320":[2,0,0,227,0] }; diff --git a/documentation/navtreeindex9.js b/documentation/navtreeindex9.js index fd1960e35..2da1b66d6 100644 --- a/documentation/navtreeindex9.js +++ b/documentation/navtreeindex9.js @@ -1,253 +1,253 @@ var NAVTREEINDEX9 = { -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#aab3def12cce96f7b7edde8f2a1de66f5":[2,0,0,228,1], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73":[2,0,0,228,5], -"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4":[2,0,0,228,4], -"classarm__compute_1_1_n_e_bitwise_not.xhtml":[2,0,0,229], -"classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,229,0], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml":[2,0,0,230], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f":[2,0,0,230,5], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d":[2,0,0,230,4], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,230,3], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,230,6], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aa395e9208cb5dda01e4197ead2a0f5a0":[2,0,0,230,0], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aaadf201d7ea144f6107f0e286b9a509f":[2,0,0,230,1], -"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aed139c8b2173519c398b47c2cdddced3":[2,0,0,230,2], -"classarm__compute_1_1_n_e_bitwise_or.xhtml":[2,0,0,231], -"classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,231,0], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml":[2,0,0,232], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a30abcfeccc7ad5e2eea807542d164167":[2,0,0,232,1], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb":[2,0,0,232,4], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6":[2,0,0,232,5], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,232,3], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,232,6], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#af0c3c31d8e79830db8b20ba760a3f353":[2,0,0,232,2], -"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#afaa91b93bf4940fac54f1bb0572249a7":[2,0,0,232,0], -"classarm__compute_1_1_n_e_bitwise_xor.xhtml":[2,0,0,233], -"classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,233,0], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml":[2,0,0,234], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a3d16168b280047a8c2956d0e9e8534a1":[2,0,0,234,2], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652":[2,0,0,234,4], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,234,3], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a899baa2c5aca62aa5b782c5942ff0373":[2,0,0,234,1], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,234,6], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa5786af8781e59574815a07c6746943a":[2,0,0,234,0], -"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4":[2,0,0,234,5], -"classarm__compute_1_1_n_e_box3x3.xhtml":[2,0,0,235], -"classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7":[2,0,0,235,0], -"classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml":[2,0,0,236], -"classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,236,0], -"classarm__compute_1_1_n_e_box3x3_kernel.xhtml":[2,0,0,237], -"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,237,1], -"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,237,0], -"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,237,2], -"classarm__compute_1_1_n_e_canny_edge.xhtml":[2,0,0,238], -"classarm__compute_1_1_n_e_canny_edge.xhtml#a168eb5b6fa7992e8a6eea6d665f1c006":[2,0,0,238,1], -"classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359":[2,0,0,238,3], -"classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0":[2,0,0,238,2], -"classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,238,4], -"classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451":[2,0,0,238,0], -"classarm__compute_1_1_n_e_channel_combine.xhtml":[2,0,0,239], -"classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc":[2,0,0,239,1], -"classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76":[2,0,0,239,0], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml":[2,0,0,240], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc":[2,0,0,240,5], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76":[2,0,0,240,4], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a3b991bc19cdd8e7fb06de869a43c7799":[2,0,0,240,3], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,240,6], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db":[2,0,0,240,8], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4ed070d1cc30490bb12259e2c47272b6":[2,0,0,240,1], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,240,9], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#aad5d3f2c658449874943ee6825a25715":[2,0,0,240,0], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#ad5a9384e02a7082b36ff31e9000d6ac6":[2,0,0,240,2], -"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130":[2,0,0,240,7], -"classarm__compute_1_1_n_e_channel_extract.xhtml":[2,0,0,241], -"classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a":[2,0,0,241,0], -"classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e":[2,0,0,241,1], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml":[2,0,0,242], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a":[2,0,0,242,4], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a34e1049bf124f489f14b86b8a8852597":[2,0,0,242,3], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a61c8ec45550ad9df947ffb7d6fe81fb9":[2,0,0,242,0], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a715ee776c231bb71a303821e32c8a470":[2,0,0,242,1], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,242,8], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c":[2,0,0,242,6], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e":[2,0,0,242,5], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757":[2,0,0,242,7], -"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#ae0585d26deb679ffbce75c35eab35f2e":[2,0,0,242,2], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml":[2,0,0,243], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a4a5859db6d2635061ce55c1ddfdc734b":[2,0,0,243,3], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5":[2,0,0,243,4], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994":[2,0,0,243,6], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a84d2ca986ac959613f3ed9c44185242c":[2,0,0,243,0], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,243,7], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467":[2,0,0,243,5], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#acf41b2ccc3a215765929d4a69616ada9":[2,0,0,243,2], -"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#adad68aacb0ee78bab2f9079780368dd7":[2,0,0,243,1], -"classarm__compute_1_1_n_e_color_convert.xhtml":[2,0,0,244], -"classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2":[2,0,0,244,3], -"classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2":[2,0,0,244,1], -"classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a":[2,0,0,244,2], -"classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,244,0], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml":[2,0,0,245], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2":[2,0,0,245,7], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0debe4186682c7d37935e3284dae5c09":[2,0,0,245,3], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2":[2,0,0,245,5], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a3a287d251e851af82b2f540ca8db58ba":[2,0,0,245,2], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a":[2,0,0,245,6], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,245,4], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,245,10], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d":[2,0,0,245,0], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112":[2,0,0,245,8], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c":[2,0,0,245,9], -"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#adc4007361101a56f38f1686590c3a6b5":[2,0,0,245,1], -"classarm__compute_1_1_n_e_convolution3x3.xhtml":[2,0,0,246], -"classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,246,0], -"classarm__compute_1_1_n_e_convolution5x5.xhtml":[2,0,0,247], -"classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,247,1], -"classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66":[2,0,0,247,0], -"classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,247,2], -"classarm__compute_1_1_n_e_convolution7x7.xhtml":[2,0,0,248], -"classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,248,1], -"classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621":[2,0,0,248,0], -"classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,248,2], -"classarm__compute_1_1_n_e_convolution9x9.xhtml":[2,0,0,249], -"classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,249,1], -"classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,249,2], -"classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471":[2,0,0,249,0], -"classarm__compute_1_1_n_e_convolution_kernel.xhtml":[2,0,0,250], -"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8":[2,0,0,250,0], -"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,250,1], -"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222":[2,0,0,250,2], -"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,250,3], -"classarm__compute_1_1_n_e_convolution_layer.xhtml":[2,0,0,251], -"classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a":[2,0,0,251,1], -"classarm__compute_1_1_n_e_convolution_layer.xhtml#aa2ce2873b0d3a07ac896633115c5ab07":[2,0,0,251,0], -"classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,251,2], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml":[2,0,0,252], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a3311872791ae25d4daf4da2190919faf":[2,0,0,252,2], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a67b8302a8e37cc43dd5c1e9eb7f33ae4":[2,0,0,252,1], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338":[2,0,0,252,4], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8c02b4166b202028f653aba36f21a024":[2,0,0,252,0], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8ecbd77d12953d57bac078aebdd076e9":[2,0,0,252,3], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,252,7], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd":[2,0,0,252,6], -"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9":[2,0,0,252,5], -"classarm__compute_1_1_n_e_convolution_rectangle.xhtml":[2,0,0,253], -"classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0":[2,0,0,253,0], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml":[2,0,0,254], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8":[2,0,0,254,6], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8":[2,0,0,254,5], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9":[2,0,0,254,4], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,254,3], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3":[2,0,0,254,0], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a7f9f7156c38ea608c5cdd440d924540d":[2,0,0,254,1], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a88921c6a68249c84d1a0de6b3bfe5401":[2,0,0,254,2], -"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,254,7], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml":[2,0,0,255], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,255,4], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833":[2,0,0,255,3], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640":[2,0,0,255,0], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9":[2,0,0,255,6], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,255,7], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b":[2,0,0,255,5], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afa30a9b7652a405442adaed49119a323":[2,0,0,255,2], -"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afdac8d2d257c27504c54725520018ef6":[2,0,0,255,1], -"classarm__compute_1_1_n_e_depth_convert.xhtml":[2,0,0,256], -"classarm__compute_1_1_n_e_depth_convert.xhtml#a04fc944cc2e562f29c8b1099566cc07e":[2,0,0,256,0], -"classarm__compute_1_1_n_e_depth_convert.xhtml#a427cceb3eef556108ed71484273d5cd6":[2,0,0,256,1], -"classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2":[2,0,0,256,3], -"classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f":[2,0,0,256,2], -"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml":[2,0,0,257], -"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f":[2,0,0,257,1], -"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a880f5df3eb7f21d96561e16d6b858697":[2,0,0,257,0], -"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,257,2], -"classarm__compute_1_1_n_e_derivative.xhtml":[2,0,0,258], -"classarm__compute_1_1_n_e_derivative.xhtml#a06a119e5e329e9283c4c884a1d927914":[2,0,0,258,0], -"classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,258,1], -"classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,258,2], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml":[2,0,0,259], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd":[2,0,0,259,5], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,259,3], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a5671321aaea1731625d5953158a6372f":[2,0,0,259,1], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,259,7], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ab2ba54354bba65ac3915b196dfd169ef":[2,0,0,259,2], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591":[2,0,0,259,6], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22":[2,0,0,259,0], -"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,259,4], -"classarm__compute_1_1_n_e_dilate.xhtml":[2,0,0,260], -"classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985":[2,0,0,260,0], -"classarm__compute_1_1_n_e_dilate_kernel.xhtml":[2,0,0,261], -"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,261,1], -"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,261,0], -"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,261,2], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml":[2,0,0,262], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,262,4], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a4403ce6bb21831222942bb8904201e42":[2,0,0,262,2], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30":[2,0,0,262,5], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28":[2,0,0,262,6], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9":[2,0,0,262,7], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a78bad28117e1cbaaaf02a131a1a1400f":[2,0,0,262,3], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a7e3beb7abd77b10e6630ae83f33e558b":[2,0,0,262,0], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,262,8], -"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#ad35f9c2b611ce360fa9811a2e1fa6d97":[2,0,0,262,1], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml":[2,0,0,263], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b":[2,0,0,263,8], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,263,4], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,263,6], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5":[2,0,0,263,7], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a612c2d90812d66a7ce4c2f588b5845c4":[2,0,0,263,0], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a63a533746b32a68c6ab1610c3a4823e6":[2,0,0,263,3], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,263,9], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6":[2,0,0,263,5], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#ac9756d4d8d467a0d67a845d31df49c9d":[2,0,0,263,1], -"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#afef98c788326dbd5e66b085b5f9dd621":[2,0,0,263,2], -"classarm__compute_1_1_n_e_equalize_histogram.xhtml":[2,0,0,264], -"classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c":[2,0,0,264,1], -"classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,264,2], -"classarm__compute_1_1_n_e_equalize_histogram.xhtml#ae45d670bd9b55e0c7837094d5f20449e":[2,0,0,264,0], -"classarm__compute_1_1_n_e_erode.xhtml":[2,0,0,265], -"classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985":[2,0,0,265,0], -"classarm__compute_1_1_n_e_erode_kernel.xhtml":[2,0,0,266], -"classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,266,1], -"classarm__compute_1_1_n_e_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,266,0], -"classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,266,2], -"classarm__compute_1_1_n_e_fast_corners.xhtml":[2,0,0,267], -"classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c":[2,0,0,267,1], -"classarm__compute_1_1_n_e_fast_corners.xhtml#a19b25a6272724ef74321c92f6a47a7df":[2,0,0,267,0], -"classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,267,2], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml":[2,0,0,268], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc":[2,0,0,268,4], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21":[2,0,0,268,5], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,268,3], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa":[2,0,0,268,6], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a88a8968746967520f8c27d32dbb1ea4d":[2,0,0,268,1], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,268,7], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ad7651a9d61e2bbc1debf8aeea2594ae4":[2,0,0,268,0], -"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ade9c94beacc89e8b4768f6a3dcd5d373":[2,0,0,268,2], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml":[2,0,0,269], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf":[2,0,0,269,6], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a1885e2bee760c881e4d8bc5747bb3200":[2,0,0,269,3], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a370df24a275306d7bb7ae938c6e49a69":[2,0,0,269,2], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a3977e850ced9f5b343b76a93b0754ca0":[2,0,0,269,0], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,269,5], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a50e76856602ea60ad07ed406811c47be":[2,0,0,269,1], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,269,8], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674":[2,0,0,269,7], -"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43":[2,0,0,269,4], -"classarm__compute_1_1_n_e_fill_border.xhtml":[2,0,0,270], -"classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6":[2,0,0,270,0], -"classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,270,1], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml":[2,0,0,271], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6":[2,0,0,271,4], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a37c01d31989078665be7cfb3bf426c9b":[2,0,0,271,2], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a39d38ba2baba8698af87fa12abfe0f68":[2,0,0,271,1], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946":[2,0,0,271,0], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,271,7], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89":[2,0,0,271,5], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#ac68288caf6a7f15d12519e1a12161983":[2,0,0,271,3], -"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574":[2,0,0,271,6], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml":[2,0,0,272], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a":[2,0,0,272,4], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31":[2,0,0,272,6], -"classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a2a4252d6ad42d3828955547d4dce0c21":[2,0,0,272,3] +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a6501ef61f473949fc980b4ada8e18bad":[2,0,0,227,2], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,227,7], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3":[2,0,0,227,6], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2":[2,0,0,227,5], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27":[2,0,0,227,4], +"classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aeb20f5092b85fd6c9a4deb6e59de7c03":[2,0,0,227,3], +"classarm__compute_1_1_n_e_bitwise_and.xhtml":[2,0,0,228], +"classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,228,0], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml":[2,0,0,229], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a1b109ddb7c5e104d2f294cdb4b3c8046":[2,0,0,229,0], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a7b37323acf5fd203d11e59d53be22904":[2,0,0,229,2], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,229,3], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,229,6], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#aab3def12cce96f7b7edde8f2a1de66f5":[2,0,0,229,1], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73":[2,0,0,229,5], +"classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4":[2,0,0,229,4], +"classarm__compute_1_1_n_e_bitwise_not.xhtml":[2,0,0,230], +"classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,230,0], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml":[2,0,0,231], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f":[2,0,0,231,5], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d":[2,0,0,231,4], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,231,3], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,231,6], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aa395e9208cb5dda01e4197ead2a0f5a0":[2,0,0,231,0], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aaadf201d7ea144f6107f0e286b9a509f":[2,0,0,231,1], +"classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aed139c8b2173519c398b47c2cdddced3":[2,0,0,231,2], +"classarm__compute_1_1_n_e_bitwise_or.xhtml":[2,0,0,232], +"classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,232,0], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml":[2,0,0,233], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a30abcfeccc7ad5e2eea807542d164167":[2,0,0,233,1], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb":[2,0,0,233,4], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6":[2,0,0,233,5], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,233,3], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,233,6], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#af0c3c31d8e79830db8b20ba760a3f353":[2,0,0,233,2], +"classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#afaa91b93bf4940fac54f1bb0572249a7":[2,0,0,233,0], +"classarm__compute_1_1_n_e_bitwise_xor.xhtml":[2,0,0,234], +"classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,234,0], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml":[2,0,0,235], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a3d16168b280047a8c2956d0e9e8534a1":[2,0,0,235,2], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652":[2,0,0,235,4], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2":[2,0,0,235,3], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a899baa2c5aca62aa5b782c5942ff0373":[2,0,0,235,1], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,235,6], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa5786af8781e59574815a07c6746943a":[2,0,0,235,0], +"classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4":[2,0,0,235,5], +"classarm__compute_1_1_n_e_box3x3.xhtml":[2,0,0,236], +"classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7":[2,0,0,236,0], +"classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml":[2,0,0,237], +"classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,237,0], +"classarm__compute_1_1_n_e_box3x3_kernel.xhtml":[2,0,0,238], +"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,238,1], +"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,238,0], +"classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,238,2], +"classarm__compute_1_1_n_e_canny_edge.xhtml":[2,0,0,239], +"classarm__compute_1_1_n_e_canny_edge.xhtml#a168eb5b6fa7992e8a6eea6d665f1c006":[2,0,0,239,1], +"classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359":[2,0,0,239,3], +"classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0":[2,0,0,239,2], +"classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,239,4], +"classarm__compute_1_1_n_e_canny_edge.xhtml#ae42141847e0a4f706223a1f71d435451":[2,0,0,239,0], +"classarm__compute_1_1_n_e_channel_combine.xhtml":[2,0,0,240], +"classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc":[2,0,0,240,1], +"classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76":[2,0,0,240,0], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml":[2,0,0,241], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc":[2,0,0,241,5], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76":[2,0,0,241,4], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a3b991bc19cdd8e7fb06de869a43c7799":[2,0,0,241,3], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,241,6], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db":[2,0,0,241,8], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4ed070d1cc30490bb12259e2c47272b6":[2,0,0,241,1], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,241,9], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#aad5d3f2c658449874943ee6825a25715":[2,0,0,241,0], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#ad5a9384e02a7082b36ff31e9000d6ac6":[2,0,0,241,2], +"classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130":[2,0,0,241,7], +"classarm__compute_1_1_n_e_channel_extract.xhtml":[2,0,0,242], +"classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a":[2,0,0,242,0], +"classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e":[2,0,0,242,1], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml":[2,0,0,243], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a":[2,0,0,243,4], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a34e1049bf124f489f14b86b8a8852597":[2,0,0,243,3], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a61c8ec45550ad9df947ffb7d6fe81fb9":[2,0,0,243,0], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a715ee776c231bb71a303821e32c8a470":[2,0,0,243,1], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,243,8], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c":[2,0,0,243,6], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e":[2,0,0,243,5], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757":[2,0,0,243,7], +"classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#ae0585d26deb679ffbce75c35eab35f2e":[2,0,0,243,2], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml":[2,0,0,244], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a4a5859db6d2635061ce55c1ddfdc734b":[2,0,0,244,3], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5":[2,0,0,244,4], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994":[2,0,0,244,6], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a84d2ca986ac959613f3ed9c44185242c":[2,0,0,244,0], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,244,7], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467":[2,0,0,244,5], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#acf41b2ccc3a215765929d4a69616ada9":[2,0,0,244,2], +"classarm__compute_1_1_n_e_col2_im_kernel.xhtml#adad68aacb0ee78bab2f9079780368dd7":[2,0,0,244,1], +"classarm__compute_1_1_n_e_color_convert.xhtml":[2,0,0,245], +"classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2":[2,0,0,245,3], +"classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2":[2,0,0,245,1], +"classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a":[2,0,0,245,2], +"classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,245,0], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml":[2,0,0,246], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2":[2,0,0,246,7], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0debe4186682c7d37935e3284dae5c09":[2,0,0,246,3], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2":[2,0,0,246,5], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a3a287d251e851af82b2f540ca8db58ba":[2,0,0,246,2], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a":[2,0,0,246,6], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628":[2,0,0,246,4], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,246,10], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d":[2,0,0,246,0], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112":[2,0,0,246,8], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c":[2,0,0,246,9], +"classarm__compute_1_1_n_e_color_convert_kernel.xhtml#adc4007361101a56f38f1686590c3a6b5":[2,0,0,246,1], +"classarm__compute_1_1_n_e_convolution3x3.xhtml":[2,0,0,247], +"classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,247,0], +"classarm__compute_1_1_n_e_convolution_kernel.xhtml":[2,0,0,248], +"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8":[2,0,0,248,0], +"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,248,1], +"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222":[2,0,0,248,2], +"classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,248,3], +"classarm__compute_1_1_n_e_convolution_layer.xhtml":[2,0,0,249], +"classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a":[2,0,0,249,1], +"classarm__compute_1_1_n_e_convolution_layer.xhtml#aa2ce2873b0d3a07ac896633115c5ab07":[2,0,0,249,0], +"classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,249,2], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml":[2,0,0,250], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a3311872791ae25d4daf4da2190919faf":[2,0,0,250,2], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a67b8302a8e37cc43dd5c1e9eb7f33ae4":[2,0,0,250,1], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338":[2,0,0,250,4], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8c02b4166b202028f653aba36f21a024":[2,0,0,250,0], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8ecbd77d12953d57bac078aebdd076e9":[2,0,0,250,3], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,250,7], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd":[2,0,0,250,6], +"classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9":[2,0,0,250,5], +"classarm__compute_1_1_n_e_convolution_rectangle.xhtml":[2,0,0,251], +"classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0":[2,0,0,251,0], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml":[2,0,0,252], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8":[2,0,0,252,6], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8":[2,0,0,252,5], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9":[2,0,0,252,4], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,252,3], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3":[2,0,0,252,0], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a7f9f7156c38ea608c5cdd440d924540d":[2,0,0,252,1], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a88921c6a68249c84d1a0de6b3bfe5401":[2,0,0,252,2], +"classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,252,7], +"classarm__compute_1_1_n_e_convolution_square.xhtml":[2,0,0,253], +"classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e":[2,0,0,253,1], +"classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b":[2,0,0,253,0], +"classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,253,2], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml":[2,0,0,254], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,254,4], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833":[2,0,0,254,3], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640":[2,0,0,254,0], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9":[2,0,0,254,6], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,254,7], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b":[2,0,0,254,5], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afa30a9b7652a405442adaed49119a323":[2,0,0,254,2], +"classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afdac8d2d257c27504c54725520018ef6":[2,0,0,254,1], +"classarm__compute_1_1_n_e_depth_convert.xhtml":[2,0,0,255], +"classarm__compute_1_1_n_e_depth_convert.xhtml#a04fc944cc2e562f29c8b1099566cc07e":[2,0,0,255,0], +"classarm__compute_1_1_n_e_depth_convert.xhtml#a427cceb3eef556108ed71484273d5cd6":[2,0,0,255,1], +"classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2":[2,0,0,255,3], +"classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f":[2,0,0,255,2], +"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml":[2,0,0,256], +"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f":[2,0,0,256,1], +"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a880f5df3eb7f21d96561e16d6b858697":[2,0,0,256,0], +"classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,256,2], +"classarm__compute_1_1_n_e_derivative.xhtml":[2,0,0,257], +"classarm__compute_1_1_n_e_derivative.xhtml#a06a119e5e329e9283c4c884a1d927914":[2,0,0,257,0], +"classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0":[2,0,0,257,1], +"classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,257,2], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml":[2,0,0,258], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd":[2,0,0,258,5], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,258,3], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a5671321aaea1731625d5953158a6372f":[2,0,0,258,1], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,258,7], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ab2ba54354bba65ac3915b196dfd169ef":[2,0,0,258,2], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591":[2,0,0,258,6], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac317d66b746c86ea136eb7996c897b22":[2,0,0,258,0], +"classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77":[2,0,0,258,4], +"classarm__compute_1_1_n_e_dilate.xhtml":[2,0,0,259], +"classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985":[2,0,0,259,0], +"classarm__compute_1_1_n_e_dilate_kernel.xhtml":[2,0,0,260], +"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,260,1], +"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,260,0], +"classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,260,2], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml":[2,0,0,261], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,261,4], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a4403ce6bb21831222942bb8904201e42":[2,0,0,261,2], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30":[2,0,0,261,5], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28":[2,0,0,261,6], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9":[2,0,0,261,7], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a78bad28117e1cbaaaf02a131a1a1400f":[2,0,0,261,3], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a7e3beb7abd77b10e6630ae83f33e558b":[2,0,0,261,0], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,261,8], +"classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#ad35f9c2b611ce360fa9811a2e1fa6d97":[2,0,0,261,1], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml":[2,0,0,262], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b":[2,0,0,262,8], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,262,4], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,262,6], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5":[2,0,0,262,7], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a612c2d90812d66a7ce4c2f588b5845c4":[2,0,0,262,0], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a63a533746b32a68c6ab1610c3a4823e6":[2,0,0,262,3], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,262,9], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6":[2,0,0,262,5], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#ac9756d4d8d467a0d67a845d31df49c9d":[2,0,0,262,1], +"classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#afef98c788326dbd5e66b085b5f9dd621":[2,0,0,262,2], +"classarm__compute_1_1_n_e_equalize_histogram.xhtml":[2,0,0,263], +"classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c":[2,0,0,263,1], +"classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,263,2], +"classarm__compute_1_1_n_e_equalize_histogram.xhtml#ae45d670bd9b55e0c7837094d5f20449e":[2,0,0,263,0], +"classarm__compute_1_1_n_e_erode.xhtml":[2,0,0,264], +"classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985":[2,0,0,264,0], +"classarm__compute_1_1_n_e_erode_kernel.xhtml":[2,0,0,265], +"classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4":[2,0,0,265,1], +"classarm__compute_1_1_n_e_erode_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,265,0], +"classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,265,2], +"classarm__compute_1_1_n_e_fast_corners.xhtml":[2,0,0,266], +"classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c":[2,0,0,266,1], +"classarm__compute_1_1_n_e_fast_corners.xhtml#a19b25a6272724ef74321c92f6a47a7df":[2,0,0,266,0], +"classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,266,2], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml":[2,0,0,267], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc":[2,0,0,267,4], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21":[2,0,0,267,5], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a423f9a45a52983b4de5e2b347f4369c7":[2,0,0,267,3], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa":[2,0,0,267,6], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a88a8968746967520f8c27d32dbb1ea4d":[2,0,0,267,1], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,267,7], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ad7651a9d61e2bbc1debf8aeea2594ae4":[2,0,0,267,0], +"classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#ade9c94beacc89e8b4768f6a3dcd5d373":[2,0,0,267,2], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml":[2,0,0,268], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf":[2,0,0,268,6], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a1885e2bee760c881e4d8bc5747bb3200":[2,0,0,268,3], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a370df24a275306d7bb7ae938c6e49a69":[2,0,0,268,2], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a3977e850ced9f5b343b76a93b0754ca0":[2,0,0,268,0], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283":[2,0,0,268,5], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a50e76856602ea60ad07ed406811c47be":[2,0,0,268,1], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,268,8], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674":[2,0,0,268,7], +"classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43":[2,0,0,268,4], +"classarm__compute_1_1_n_e_fill_border.xhtml":[2,0,0,269], +"classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6":[2,0,0,269,0], +"classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb":[2,0,0,269,1], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml":[2,0,0,270], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6":[2,0,0,270,4], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a37c01d31989078665be7cfb3bf426c9b":[2,0,0,270,2], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a39d38ba2baba8698af87fa12abfe0f68":[2,0,0,270,1], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946":[2,0,0,270,0], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69":[2,0,0,270,7], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89":[2,0,0,270,5], +"classarm__compute_1_1_n_e_fill_border_kernel.xhtml#ac68288caf6a7f15d12519e1a12161983":[2,0,0,270,3] }; diff --git a/documentation/neon__convolution_8cpp.xhtml b/documentation/neon__convolution_8cpp.xhtml index e4c5111fc..a29869837 100644 --- a/documentation/neon__convolution_8cpp.xhtml +++ b/documentation/neon__convolution_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,9 +178,9 @@ Variables</h2></td></tr> <p>Definition at line <a class="el" href="neon__convolution_8cpp_source.xhtml#l00114">114</a> of file <a class="el" href="neon__convolution_8cpp_source.xhtml">neon_convolution.cpp</a>.</p> -<p>References <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> +<p>References <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">main_neon_convolution()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> <div class="fragment"><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a>);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> }</div><div class="ttc" id="neon__convolution_8cpp_xhtml_ac741ff15d9366f7bf55dc470e87144d3"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a></div><div class="ttdeci">void main_neon_convolution(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00052">neon_convolution.cpp:52</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> </div><!-- fragment --> </div> </div> @@ -212,23 +212,23 @@ Variables</h2></td></tr> <p>Definition at line <a class="el" href="neon__convolution_8cpp_source.xhtml#l00052">52</a> of file <a class="el" href="neon__convolution_8cpp_source.xhtml">neon_convolution.cpp</a>.</p> -<p>References <a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution5x5::configure()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00034">gaussian3x3</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00043">gaussian5x5</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">PPMLoader::is_open()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolution5x5::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> +<p>References <a class="el" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolution3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">NEConvolutionSquare< matrix_size >::configure()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00034">gaussian3x3</a>, <a class="el" href="neon__convolution_8cpp_source.xhtml#l00043">gaussian5x5</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">NEConvolutionSquare< matrix_size >::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> <p>Referenced by <a class="el" href="neon__convolution_8cpp_source.xhtml#l00114">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  tmp.allocator()->init(*src.info());</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.allocator()->init(*src.info());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&src, &tmp, <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&tmp, &dst, <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.allocator()->allocate();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.allocator()->allocate();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  {</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">//Execute the functions:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml">arm_compute::NEConvolution5x5</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00068">NEConvolution.h:68</a></div></div> +<div class="fragment"><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  tmp.allocator()->init(*src.info());</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.allocator()->init(*src.info());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&src, &tmp, <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&tmp, &dst, <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, BorderMode::UNDEFINED);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.allocator()->allocate();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.allocator()->allocate();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  {</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">//Execute the functions:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolutionSquare::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEConvolutionSquare::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml">arm_compute::NEConvolutionSquare</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5, 7x7, 9x9. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00069">NEConvolution.h:69</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml">arm_compute::NEConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00046">NEConvolution.h:46</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEConvolution5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_a565013cf7e49a591bacd548571951f94"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a></div><div class="ttdeci">const int16_t gaussian5x5[]</div><div class="ttdoc">Gaussian 5x5 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00043">neon_convolution.cpp:43</a></div></div> <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolution3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolution5x5::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_a741ba5321da40184f8653e0a50ace070"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a></div><div class="ttdeci">const int16_t gaussian3x3[]</div><div class="ttdoc">Gaussian 3x3 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00034">neon_convolution.cpp:34</a></div></div> </div><!-- fragment --> @@ -277,7 +277,7 @@ Variables</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__convolution_8cpp.xhtml">neon_convolution.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neon__convolution_8cpp_source.xhtml b/documentation/neon__convolution_8cpp_source.xhtml index 72ef80aa8..d2dbf8e49 100644 --- a/documentation/neon__convolution_8cpp_source.xhtml +++ b/documentation/neon__convolution_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,31 +116,31 @@ $(document).ready(function(){initNavTree('neon__convolution_8cpp_source.xhtml',' <div class="title">neon_convolution.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="neon__convolution_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070"> 34</a></span> <span class="keyword">const</span> int16_t <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>[] =</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  1, 2, 1,</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  2, 4, 2,</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  1, 2, 1</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> };</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94"> 43</a></span> <span class="keyword">const</span> int16_t <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>[] =</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  1, 4, 6, 4, 1,</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  6, 24, 36, 24, 6,</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  1, 4, 6, 4, 1</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3"> 52</a></span> <span class="keywordtype">void</span> <a class="code" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  tmp.allocator()->init(*src.info());</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.allocator()->init(*src.info());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml">NEConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&src, &tmp, <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&tmp, &dst, <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.allocator()->allocate();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.allocator()->allocate();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  {</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">//Execute the functions:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00114"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 114</a></span> <span class="keywordtype">int</span> <a class="code" href="neon__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a>);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<a href="neon__convolution_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00034"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070"> 34</a></span> <span class="keyword">const</span> int16_t <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>[] =</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> {</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span>  1, 2, 1,</div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  2, 4, 2,</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  1, 2, 1</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> };</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94"> 43</a></span> <span class="keyword">const</span> int16_t <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>[] =</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  1, 4, 6, 4, 1,</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  6, 24, 36, 24, 6,</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  4, 16, 24, 16, 4,</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  1, 4, 6, 4, 1</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> };</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3"> 52</a></span> <span class="keywordtype">void</span> <a class="code" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> {</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  <a class="code" href="struct_image.xhtml">Image</a> src, tmp, dst;</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  {</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  }</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <span class="comment">// Initialize just the dimensions and format of your buffers:</span></div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  }</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  <span class="comment">// Initialize just the dimensions and format of the temporary and destination images:</span></div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  tmp.allocator()->init(*src.info());</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  dst.allocator()->init(*src.info());</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml">NEConvolution3x3</a> conv3x3;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml">NEConvolution5x5</a> conv5x5;</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> </div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  <span class="comment">// Apply a Gaussian 3x3 filter to the source image followed by a Gaussian 5x5:</span></div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  <span class="comment">// The function will automatically update the padding information inside input and output to match its requirements</span></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span>  conv3x3.<a class="code" href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&src, &tmp, <a class="code" href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">configure</a>(&tmp, &dst, <a class="code" href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a>, 0 <span class="comment">/* Let arm_compute calculate the scale */</span>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> </div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  <span class="comment">// Now that the padding requirements are known we can allocate the images:</span></div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  src.allocator()->allocate();</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  tmp.allocator()->allocate();</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span> </div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  {</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  }</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">//Execute the functions:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  conv3x3.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  conv5x5.<a class="code" href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  {</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span> }</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00114"></a><span class="lineno"><a class="line" href="neon__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 114</a></span> <span class="keywordtype">int</span> <a class="code" href="neon__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span> {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a>);</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_ac741ff15d9366f7bf55dc470e87144d3"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#ac741ff15d9366f7bf55dc470e87144d3">main_neon_convolution</a></div><div class="ttdeci">void main_neon_convolution(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00052">neon_convolution.cpp:52</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="_n_e_functions_8h_xhtml"><div class="ttname"><a href="_n_e_functions_8h.xhtml">NEFunctions.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml">arm_compute::NEConvolution5x5</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00068">NEConvolution.h:68</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolutionSquare::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEConvolutionSquare::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> +<div class="ttc" id="classarm__compute_1_1_n_e_convolution_square_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution_square.xhtml">arm_compute::NEConvolutionSquare</a></div><div class="ttdoc">Basic function to execute convolution of size 5x5, 7x7, 9x9. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00069">NEConvolution.h:69</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml">arm_compute::NEConvolution3x3</a></div><div class="ttdoc">Basic function to execute convolution of size 3x3. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_convolution_8h_source.xhtml#l00046">NEConvolution.h:46</a></div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NEConvolution5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_a565013cf7e49a591bacd548571951f94"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#a565013cf7e49a591bacd548571951f94">gaussian5x5</a></div><div class="ttdeci">const int16_t gaussian5x5[]</div><div class="ttdoc">Gaussian 5x5 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00043">neon_convolution.cpp:43</a></div></div> <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_convolution3x3_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolution3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> -<div class="ttc" id="classarm__compute_1_1_n_e_convolution5x5_xhtml_a58d050865536a28b56a92eeaf3ac478e"><div class="ttname"><a href="classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e">arm_compute::NEConvolution5x5::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, conv and border_mode. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_a741ba5321da40184f8653e0a50ace070"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#a741ba5321da40184f8653e0a50ace070">gaussian3x3</a></div><div class="ttdeci">const int16_t gaussian3x3[]</div><div class="ttdoc">Gaussian 3x3 matrix. </div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00034">neon_convolution.cpp:34</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> <div class="ttc" id="neon__convolution_8cpp_xhtml_a217dbf8b442f20279ea00b898af96f52"><div class="ttname"><a href="neon__convolution_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a></div><div class="ttdeci">int main(int argc, const char **argv)</div><div class="ttdoc">Main program for convolution test. </div><div class="ttdef"><b>Definition:</b> <a href="neon__convolution_8cpp_source.xhtml#l00114">neon_convolution.cpp:114</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> @@ -148,7 +148,7 @@ $(document).ready(function(){initNavTree('neon__convolution_8cpp_source.xhtml',' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__convolution_8cpp.xhtml">neon_convolution.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neon__copy__objects_8cpp.xhtml b/documentation/neon__copy__objects_8cpp.xhtml index eb36bca69..26c65f9fb 100644 --- a/documentation/neon__copy__objects_8cpp.xhtml +++ b/documentation/neon__copy__objects_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -170,8 +170,8 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00149">149</a> of file <a class="el" href="neon__copy__objects_8cpp_source.xhtml">neon_copy_objects.cpp</a>.</p> -<p>References <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> -<div class="fragment"><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> {</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__copy__objects_8cpp.xhtml#a548cd646528b7a0644cb08e483e7ee2b">main_neon_copy_objects</a>);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> }</div><div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<p>References <a class="el" href="neon__copy__objects_8cpp_source.xhtml#l00035">main_neon_copy_objects()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> +<div class="fragment"><div class="line"><a name="l00150"></a><span class="lineno"> 150</span> {</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__copy__objects_8cpp.xhtml#a548cd646528b7a0644cb08e483e7ee2b">main_neon_copy_objects</a>);</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span> }</div><div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> <div class="ttc" id="neon__copy__objects_8cpp_xhtml_a548cd646528b7a0644cb08e483e7ee2b"><div class="ttname"><a href="neon__copy__objects_8cpp.xhtml#a548cd646528b7a0644cb08e483e7ee2b">main_neon_copy_objects</a></div><div class="ttdeci">void main_neon_copy_objects(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__copy__objects_8cpp_source.xhtml#l00035">neon_copy_objects.cpp:35</a></div></div> </div><!-- fragment --> </div> @@ -224,7 +224,7 @@ Functions</h2></td></tr> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_softmax_layer_xhtml_a9daf8026e68559806afe7d0aa12693d6"><div class="ttname"><a href="classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6">arm_compute::NESoftmaxLayer::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output)</div><div class="ttdoc">Set the input and output tensors. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_a029cf0d4f09af0f9f63b86af4f8387df"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#a029cf0d4f09af0f9f63b86af4f8387df">arm_compute::Window::use_tensor_dimensions</a></div><div class="ttdeci">void use_tensor_dimensions(const TensorInfo *info, size_t first_dimension=Window::DimX)</div><div class="ttdoc">Use the tensor&#39;s dimensions to fill the window dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8inl_source.xhtml#l00160">Window.inl:160</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::Tensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_ade6a04ff1f61b38e07ddb8ef741c996b"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ade6a04ff1f61b38e07ddb8ef741c996b">arm_compute::Window::z</a></div><div class="ttdeci">constexpr const Dimension & z() const </div><div class="ttdoc">Alias to access the third dimension of the window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00146">Window.h:146</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> @@ -238,7 +238,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__copy__objects_8cpp.xhtml">neon_copy_objects.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neon__copy__objects_8cpp_source.xhtml b/documentation/neon__copy__objects_8cpp_source.xhtml index 2fb65ed92..3eff901bc 100644 --- a/documentation/neon__copy__objects_8cpp_source.xhtml +++ b/documentation/neon__copy__objects_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('neon__copy__objects_8cpp_source.xhtml' <div class="ttc" id="namespacearm__compute_xhtml_a78fd1c0056e9add7ab01b8e118c0038d"><div class="ttname"><a href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a></div><div class="ttdeci">void execute_window_loop(const Window &w, L &&lambda_function, Ts &&...iterators)</div><div class="ttdoc">Iterate through the passed window, automatically adjusting the iterators and calling the lambda_funct...</div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml">arm_compute::Tensor</a></div><div class="ttdoc">Basic implementation of the tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_8h_source.xhtml#l00037">Tensor.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_ad2d402364fa822b0b7775081291eeca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a></div><div class="ttdeci">static constexpr size_t DimY</div><div class="ttdoc">Alias for dimension 1 also known as Y dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00045">Window.h:45</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> <div class="ttc" id="classarm__compute_1_1_iterator_xhtml_a2f0d6383162e1af2df323c456a9335d3"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">arm_compute::Iterator::ptr</a></div><div class="ttdeci">constexpr uint8_t * ptr() const </div><div class="ttdoc">Return a pointer to the current pixel. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_softmax_layer_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::NESoftmaxLayer::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_window_1_1_dimension_xhtml_a992b375fc3254afe2e38f63bc29a43d4"><div class="ttname"><a href="classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4">arm_compute::Window::Dimension::step</a></div><div class="ttdeci">constexpr int step() const </div><div class="ttdoc">Return the step of the dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00095">Window.h:95</a></div></div> @@ -143,7 +143,7 @@ $(document).ready(function(){initNavTree('neon__copy__objects_8cpp_source.xhtml' <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_a029cf0d4f09af0f9f63b86af4f8387df"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#a029cf0d4f09af0f9f63b86af4f8387df">arm_compute::Window::use_tensor_dimensions</a></div><div class="ttdeci">void use_tensor_dimensions(const TensorInfo *info, size_t first_dimension=Window::DimX)</div><div class="ttdoc">Use the tensor&#39;s dimensions to fill the window dimensions. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8inl_source.xhtml#l00160">Window.inl:160</a></div></div> <div class="ttc" id="neon__copy__objects_8cpp_xhtml_a548cd646528b7a0644cb08e483e7ee2b"><div class="ttname"><a href="neon__copy__objects_8cpp.xhtml#a548cd646528b7a0644cb08e483e7ee2b">main_neon_copy_objects</a></div><div class="ttdeci">void main_neon_copy_objects(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__copy__objects_8cpp_source.xhtml#l00035">neon_copy_objects.cpp:35</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::Tensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_ade6a04ff1f61b38e07ddb8ef741c996b"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ade6a04ff1f61b38e07ddb8ef741c996b">arm_compute::Window::z</a></div><div class="ttdeci">constexpr const Dimension & z() const </div><div class="ttdoc">Alias to access the third dimension of the window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00146">Window.h:146</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> @@ -154,7 +154,7 @@ $(document).ready(function(){initNavTree('neon__copy__objects_8cpp_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__copy__objects_8cpp.xhtml">neon_copy_objects.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neon__scale_8cpp.xhtml b/documentation/neon__scale_8cpp.xhtml index cc4a0e567..ece586bf6 100644 --- a/documentation/neon__scale_8cpp.xhtml +++ b/documentation/neon__scale_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -168,9 +168,9 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="neon__scale_8cpp_source.xhtml#l00087">87</a> of file <a class="el" href="neon__scale_8cpp_source.xhtml">neon_scale.cpp</a>.</p> -<p>References <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> +<p>References <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">main_neon_scale()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> <div class="fragment"><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a>);</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="ttc" id="neon__scale_8cpp_xhtml_a8311a04cc09fb45ff5126dc74b6c6dcb"><div class="ttname"><a href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a></div><div class="ttdeci">void main_neon_scale(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__scale_8cpp_source.xhtml#l00032">neon_scale.cpp:32</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> </div><!-- fragment --> </div> </div> @@ -200,19 +200,19 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="neon__scale_8cpp_source.xhtml#l00032">32</a> of file <a class="el" href="neon__scale_8cpp_source.xhtml">neon_scale.cpp</a>.</p> -<p>References <a class="el" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">NEScale::configure()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">PPMLoader::is_open()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> +<p>References <a class="el" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">NEScale::configure()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::UNDEFINED</a>.</p> <p>Referenced by <a class="el" href="neon__scale_8cpp_source.xhtml#l00087">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  <a class="code" href="struct_image.xhtml">Image</a> src, dst;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_scale[input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  }</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_tensor_info(src.info()->dimension(0) / scale_factor, src.info()->dimension(1) / scale_factor, Format::U8);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="comment">// Configure the destination image</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  dst.allocator()->init(dst_tensor_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Create and initialize a Scale function object:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> scale;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  scale.<a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(&src, &dst, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::UNDEFINED);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  src.allocator()->allocate();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Run the scale operation:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  scale.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="fragment"><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  <a class="code" href="struct_image.xhtml">Image</a> src, dst;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_scale[input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  }</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_tensor_info(src.info()->dimension(0) / scale_factor, src.info()->dimension(1) / scale_factor, Format::U8);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="comment">// Configure the destination image</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  dst.allocator()->init(dst_tensor_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Create and initialize a Scale function object:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> scale;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  scale.<a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(&src, &dst, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::UNDEFINED);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  src.allocator()->allocate();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Run the scale operation:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  scale.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale.xhtml">arm_compute::NEScale</a></div><div class="ttdoc">Basic function to run NEScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_scale_8h_source.xhtml#l00038">NEScale.h:38</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_xhtml_a22408eda7af5167b856ffc85d79a5940"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">arm_compute::NEScale::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation type and border_mode. </div></div> <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> </div><!-- fragment --> </div> @@ -223,7 +223,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__scale_8cpp.xhtml">neon_scale.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neon__scale_8cpp_source.xhtml b/documentation/neon__scale_8cpp_source.xhtml index 1fdbc14ed..61fac1847 100644 --- a/documentation/neon__scale_8cpp_source.xhtml +++ b/documentation/neon__scale_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,35 +116,35 @@ $(document).ready(function(){initNavTree('neon__scale_8cpp_source.xhtml','');}); <div class="title">neon_scale.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="neon__scale_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb"> 32</a></span> <span class="keywordtype">void</span> <a class="code" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  <a class="code" href="struct_image.xhtml">Image</a> src, dst;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_scale[input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  }</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_tensor_info(src.info()->dimension(0) / scale_factor, src.info()->dimension(1) / scale_factor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="comment">// Configure the destination image</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  dst.allocator()->init(dst_tensor_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Create and initialize a Scale function object:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> scale;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  scale.<a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(&src, &dst, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  src.allocator()->allocate();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Run the scale operation:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  scale.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> }</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="neon__scale_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 87</a></span> <span class="keywordtype">int</span> <a class="code" href="neon__scale_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a>);</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<a href="neon__scale_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> </div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> </div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> </div><div class="line"><a name="l00032"></a><span class="lineno"><a class="line" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb"> 32</a></span> <span class="keywordtype">void</span> <a class="code" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> {</div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span>  <a class="code" href="struct_image.xhtml">Image</a> src, dst;</div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> </div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span>  {</div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span>  std::cout << <span class="stringliteral">"Usage: ./build/neon_scale[input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  src.allocator()->init(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span>  }</div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span>  {</div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  }</div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span> </div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  constexpr <span class="keywordtype">int</span> scale_factor = 2;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span> </div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> dst_tensor_info(src.info()->dimension(0) / scale_factor, src.info()->dimension(1) / scale_factor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span> </div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="comment">// Configure the destination image</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  dst.allocator()->init(dst_tensor_info);</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  <span class="comment">// Create and initialize a Scale function object:</span></div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  <a class="code" href="classarm__compute_1_1_n_e_scale.xhtml">NEScale</a> scale;</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span>  scale.<a class="code" href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">configure</a>(&src, &dst, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">BorderMode::UNDEFINED</a>);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  src.allocator()->allocate();</div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  dst.allocator()->allocate();</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span>  {</div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  }</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> </div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <span class="comment">// Run the scale operation:</span></div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span>  scale.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span> </div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span>  {</div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename);</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  }</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> }</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span> </div><div class="line"><a name="l00087"></a><span class="lineno"><a class="line" href="neon__scale_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 87</a></span> <span class="keywordtype">int</span> <a class="code" href="neon__scale_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a>);</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span> }</div><div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::InterpolationPolicy::NEAREST_NEIGHBOR</a></div><div class="ttdoc">Output values are defined to match the source pixel whose center is nearest to the sample position...</div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale.xhtml">arm_compute::NEScale</a></div><div class="ttdoc">Basic function to run NEScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_scale_8h_source.xhtml#l00038">NEScale.h:38</a></div></div> <div class="ttc" id="neon__scale_8cpp_xhtml_a217dbf8b442f20279ea00b898af96f52"><div class="ttname"><a href="neon__scale_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a></div><div class="ttdeci">int main(int argc, const char **argv)</div><div class="ttdoc">Main program for convolution test. </div><div class="ttdef"><b>Definition:</b> <a href="neon__scale_8cpp_source.xhtml#l00087">neon_scale.cpp:87</a></div></div> <div class="ttc" id="_n_e_functions_8h_xhtml"><div class="ttname"><a href="_n_e_functions_8h.xhtml">NEFunctions.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="neon__scale_8cpp_xhtml_a8311a04cc09fb45ff5126dc74b6c6dcb"><div class="ttname"><a href="neon__scale_8cpp.xhtml#a8311a04cc09fb45ff5126dc74b6c6dcb">main_neon_scale</a></div><div class="ttdeci">void main_neon_scale(int argc, const char **argv)</div><div class="ttdef"><b>Definition:</b> <a href="neon__scale_8cpp_source.xhtml#l00032">neon_scale.cpp:32</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_scale_xhtml_a22408eda7af5167b856ffc85d79a5940"><div class="ttname"><a href="classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940">arm_compute::NEScale::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation type and border_mode. </div></div> <div class="ttc" id="struct_image_xhtml"><div class="ttname"><a href="struct_image.xhtml">Image</a></div><div class="ttdoc">Structure to hold Image information. </div><div class="ttdef"><b>Definition:</b> <a href="helpers_8h_source.xhtml#l00095">helpers.h:95</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a0db45d2a4141101bdfe48e3314cfbca3">arm_compute::BorderMode::UNDEFINED</a></div><div class="ttdoc">Borders are left undefined. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> </div><!-- fragment --></div><!-- contents --> </div><!-- doc-content --> <!-- start footer part --> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neon__scale_8cpp.xhtml">neon_scale.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neoncl__scale__median__gaussian_8cpp.xhtml b/documentation/neoncl__scale__median__gaussian_8cpp.xhtml index b3898c3c2..f9ba4ccdf 100644 --- a/documentation/neoncl__scale__median__gaussian_8cpp.xhtml +++ b/documentation/neoncl__scale__median__gaussian_8cpp.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -192,9 +192,9 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00123">123</a> of file <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml">neoncl_scale_median_gaussian.cpp</a>.</p> -<p>References <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00065">test_helpers::run_example()</a>.</p> +<p>References <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">main_neoncl_scale_median_gaussian()</a>, and <a class="el" href="_utils_8cpp_source.xhtml#l00067">test_helpers::run_example()</a>.</p> <div class="fragment"><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> {</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a>);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> }</div><div class="ttc" id="neoncl__scale__median__gaussian_8cpp_xhtml_a4003cb8b626a6604e2f51b8e17f8bb3d"><div class="ttname"><a href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a></div><div class="ttdeci">void main_neoncl_scale_median_gaussian(int argc, const char **argv)</div><div class="ttdoc">Example demonstrating how to use both CL and NEON functions in the same pipeline. ...</div><div class="ttdef"><b>Definition:</b> <a href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">neoncl_scale_median_gaussian.cpp:39</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> </div><!-- fragment --> </div> </div> @@ -235,27 +235,27 @@ Functions</h2></td></tr> <p>Definition at line <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00039">39</a> of file <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml">neoncl_scale_median_gaussian.cpp</a>.</p> -<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">CLScale::configure()</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">NEMedian3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">CLGaussian5x5::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00190">TensorInfo::dimension()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00142">PPMLoader::fill_image()</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00125">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00114">PPMLoader::is_open()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">CLTensor::map()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00094">PPMLoader::open()</a>, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::REPLICATE</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00245">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">CLTensor::unmap()</a>.</p> +<p>References <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">ITensorAllocator::allocate()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">CLTensor::allocator()</a>, <a class="el" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">CLScale::configure()</a>, <a class="el" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">NEMedian3x3::configure()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">CLGaussian5x5::configure()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler::default_init()</a>, <a class="el" href="_tensor_info_8h_source.xhtml#l00190">TensorInfo::dimension()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00140">PPMLoader::fill_image()</a>, <a class="el" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">CLTensor::info()</a>, <a class="el" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">ITensorAllocator::init()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00123">PPMLoader::init_image()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00112">PPMLoader::is_open()</a>, <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">CLTensor::map()</a>, <a class="el" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::NEAREST_NEIGHBOR</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00092">PPMLoader::open()</a>, <a class="el" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::REPLICATE</a>, <a class="el" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">ICLSimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">INESimpleFunction::run()</a>, <a class="el" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">CLGaussian5x5::run()</a>, <a class="el" href="test__helpers_2_utils_8h_source.xhtml#l00243">test_helpers::save_to_ppm()</a>, <a class="el" href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler::sync()</a>, <a class="el" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::U8</a>, and <a class="el" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">CLTensor::unmap()</a>.</p> <p>Referenced by <a class="el" href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00123">main()</a>.</p> -<div class="fragment"><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, scale_median, median_gauss, dst;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  {</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> scale_median_info(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / 2, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / 2, Format::U8));</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> median;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &scale_median, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::REPLICATE);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  median.<a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(&scale_median, &median_gauss, BorderMode::REPLICATE);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&median_gauss, &dst, BorderMode::REPLICATE);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Enqueue and flush the OpenCL kernel:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Do a blocking map of the input and output buffers of the NEON function:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">// Run the NEON function:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  median.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Unmap the output buffer before it's used again by OpenCL:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Run the final OpenCL function:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  CLScheduler::get().sync();</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  {</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<div class="fragment"><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, scale_median, median_gauss, dst;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  CLScheduler::get().default_init();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, Format::U8));</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  {</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, Format::U8);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> scale_median_info(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / 2, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / 2, Format::U8));</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> median;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &scale_median, InterpolationPolicy::NEAREST_NEIGHBOR, BorderMode::REPLICATE);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  median.<a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(&scale_median, &median_gauss, BorderMode::REPLICATE);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&median_gauss, &dst, BorderMode::REPLICATE);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Enqueue and flush the OpenCL kernel:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Do a blocking map of the input and output buffers of the NEON function:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">// Run the NEON function:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  median.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Unmap the output buffer before it's used again by OpenCL:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Run the final OpenCL function:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  CLScheduler::get().sync();</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  {</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLGaussian5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml">arm_compute::CLScale</a></div><div class="ttdoc">Basic function to run CLScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scale_8h_source.xhtml#l00037">CLScale.h:37</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a14c53d2d17be6fa8a2c9861527c7b002"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">arm_compute::CLTensor::map</a></div><div class="ttdeci">void map(bool blocking=true)</div><div class="ttdoc">Enqueue a map operation of the allocated buffer. </div></div> <div class="ttc" id="classarm__compute_1_1_n_e_median3x3_xhtml_ac735b829e93802466145844b04d1ab48"><div class="ttname"><a href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">arm_compute::NEMedian3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">arm_compute::CLGaussian5x5</a></div><div class="ttdoc">Basic function to execute gaussian filter 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian5x5_8h_source.xhtml#l00046">CLGaussian5x5.h:46</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a1ffeb3b5abb3d61f62b58a391816201c"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">arm_compute::CLTensor::unmap</a></div><div class="ttdeci">void unmap()</div><div class="ttdoc">Enqueue an unmap operation of the allocated and mapped buffer. </div></div> @@ -271,7 +271,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neoncl__scale__median__gaussian_8cpp.xhtml">neoncl_scale_median_gaussian.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/neoncl__scale__median__gaussian_8cpp_source.xhtml b/documentation/neoncl__scale__median__gaussian_8cpp_source.xhtml index f8e36cb0a..4bf1ee508 100644 --- a/documentation/neoncl__scale__median__gaussian_8cpp_source.xhtml +++ b/documentation/neoncl__scale__median__gaussian_8cpp_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,8 +116,8 @@ $(document).ready(function(){initNavTree('neoncl__scale__median__gaussian_8cpp_s <div class="title">neoncl_scale_median_gaussian.cpp</div> </div> </div><!--header--> <div class="contents"> -<a href="neoncl__scale__median__gaussian_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d"> 39</a></span> <span class="keywordtype">void</span> <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, scale_median, median_gauss, dst;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  {</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> scale_median_info(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / 2, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / 2, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> median;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &scale_median, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  median.<a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(&scale_median, &median_gauss, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&median_gauss, &dst, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Enqueue and flush the OpenCL kernel:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Do a blocking map of the input and output buffers of the NEON function:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">// Run the NEON function:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  median.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Unmap the output buffer before it's used again by OpenCL:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Run the final OpenCL function:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>();</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  {</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00123"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 123</a></span> <span class="keywordtype">int</span> <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> {</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a>);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<a href="neoncl__scale__median__gaussian_8cpp.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a9915340d2c3c10c51e07994dde353f01"> 24</a></span> <span class="preprocessor">#define ARM_COMPUTE_CL </span><span class="comment">/* So that OpenCL exceptions get caught too */</span><span class="preprocessor"></span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> <span class="preprocessor">#include "<a class="code" href="_c_l_functions_8h.xhtml">arm_compute/runtime/CL/CLFunctions.h</a>"</span></div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_c_l_scheduler_8h.xhtml">arm_compute/runtime/CL/CLScheduler.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_n_e_functions_8h.xhtml">arm_compute/runtime/NEON/NEFunctions.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="test__helpers_2_utils_8h.xhtml">test_helpers/Utils.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> </div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> <span class="keyword">using namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a>;</div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> </div><div class="line"><a name="l00039"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d"> 39</a></span> <span class="keywordtype">void</span> <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> {</div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a> ppm;</div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span>  <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a> src, scale_median, median_gauss, dst;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"> 45</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">default_init</a>();</div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> </div><div class="line"><a name="l00047"></a><span class="lineno"> 47</span>  <span class="keywordflow">if</span>(argc < 2)</div><div class="line"><a name="l00048"></a><span class="lineno"> 48</span>  {</div><div class="line"><a name="l00049"></a><span class="lineno"> 49</span>  <span class="comment">// Print help</span></div><div class="line"><a name="l00050"></a><span class="lineno"> 50</span>  std::cout << <span class="stringliteral">"Usage: ./build/cl_convolution [input_image.ppm]\n\n"</span>;</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span>  std::cout << <span class="stringliteral">"No input_image provided, creating a dummy 640x480 image\n"</span>;</div><div class="line"><a name="l00052"></a><span class="lineno"> 52</span>  <span class="comment">// Create an empty grayscale 640x480 image</span></div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(640, 480, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00054"></a><span class="lineno"> 54</span>  }</div><div class="line"><a name="l00055"></a><span class="lineno"> 55</span>  <span class="keywordflow">else</span></div><div class="line"><a name="l00056"></a><span class="lineno"> 56</span>  {</div><div class="line"><a name="l00057"></a><span class="lineno"> 57</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(argv[1]);</div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(src, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span>  }</div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> </div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> scale_median_info(<a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a>(src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(0) / 2, src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">info</a>()-><a class="code" href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">dimension</a>(1) / 2, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>));</div><div class="line"><a name="l00062"></a><span class="lineno"> 62</span> </div><div class="line"><a name="l00063"></a><span class="lineno"> 63</span>  <span class="comment">// Configure the temporary and destination images</span></div><div class="line"><a name="l00064"></a><span class="lineno"> 64</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00065"></a><span class="lineno"> 65</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00066"></a><span class="lineno"> 66</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">init</a>(scale_median_info);</div><div class="line"><a name="l00067"></a><span class="lineno"> 67</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span>  <span class="comment">// Declare and configure the functions to create the following pipeline: scale -> median -> gauss</span></div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span>  <a class="code" href="classarm__compute_1_1_c_l_scale.xhtml">CLScale</a> scale;</div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span>  <a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml">NEMedian3x3</a> median;</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span>  <a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">CLGaussian5x5</a> gauss;</div><div class="line"><a name="l00072"></a><span class="lineno"> 72</span> </div><div class="line"><a name="l00073"></a><span class="lineno"> 73</span>  scale.<a class="code" href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">configure</a>(&src, &scale_median, <a class="code" href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">InterpolationPolicy::NEAREST_NEIGHBOR</a>, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00074"></a><span class="lineno"> 74</span>  median.<a class="code" href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">configure</a>(&scale_median, &median_gauss, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00075"></a><span class="lineno"> 75</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">configure</a>(&median_gauss, &dst, <a class="code" href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">BorderMode::REPLICATE</a>);</div><div class="line"><a name="l00076"></a><span class="lineno"> 76</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span>  <span class="comment">// Allocate all the images</span></div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span>  src.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00081"></a><span class="lineno"> 81</span>  dst.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">allocator</a>()-><a class="code" href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">allocate</a>();</div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> </div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span>  <span class="comment">// Fill the input image with the content of the PPM image if a filename was provided:</span></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  {</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(src);</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span> </div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  <span class="comment">// Enqueue and flush the OpenCL kernel:</span></div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  scale.<a class="code" href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span> </div><div class="line"><a name="l00092"></a><span class="lineno"> 92</span>  <span class="comment">// Do a blocking map of the input and output buffers of the NEON function:</span></div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a14c53d2d17be6fa8a2c9861527c7b002">map</a>();</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span> </div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <span class="comment">// Run the NEON function:</span></div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  median.<a class="code" href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">run</a>();</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span> </div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  <span class="comment">// Unmap the output buffer before it's used again by OpenCL:</span></div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  scale_median.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  median_gauss.<a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">unmap</a>();</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <span class="comment">// Run the final OpenCL function:</span></div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  gauss.<a class="code" href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">run</a>();</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span> </div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  <span class="comment">// Make sure all the OpenCL jobs are done executing:</span></div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">CLScheduler::get</a>().<a class="code" href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">sync</a>();</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span> </div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <span class="comment">// Save the result to file:</span></div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  <span class="keywordflow">if</span>(ppm.<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>())</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  {</div><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  <span class="keyword">const</span> std::string output_filename = std::string(argv[1]) + <span class="stringliteral">"_out.ppm"</span>;</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(dst, output_filename); <span class="comment">// save_to_ppm maps and unmaps the image to store as PPM</span></div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> }</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span> </div><div class="line"><a name="l00123"></a><span class="lineno"><a class="line" href="neoncl__scale__median__gaussian_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52"> 123</a></span> <span class="keywordtype">int</span> <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv)</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span> {</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <span class="keywordflow">return</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a>(argc, argv, <a class="code" href="neoncl__scale__median__gaussian_8cpp.xhtml#a4003cb8b626a6604e2f51b8e17f8bb3d">main_neoncl_scale_median_gaussian</a>);</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span> }</div><div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_a2a829a721f585b9028e9712e71698e69"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69">arm_compute::CLGaussian5x5::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_ad6dc6b773780dd6b1ad17fc82368d9f3"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#ad6dc6b773780dd6b1ad17fc82368d9f3">arm_compute::CLTensor::allocator</a></div><div class="ttdeci">ITensorAllocator * allocator()</div><div class="ttdoc">Return a pointer to the tensor&#39;s allocator. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> @@ -125,7 +125,7 @@ $(document).ready(function(){initNavTree('neoncl__scale__median__gaussian_8cpp_s <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a97de03c31e0ca04be6960e2e3ffdca95"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95">arm_compute::CLTensor::info</a></div><div class="ttdeci">TensorInfo * info() const override</div><div class="ttdoc">Interface to be implemented by the child class to return the tensor&#39;s metadata. </div></div> <div class="ttc" id="namespacearm__compute_xhtml_a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2"><div class="ttname"><a href="namespacearm__compute.xhtml#a966a9c417ce5e94dca08d9b5e745c0c9a7f5ccbc3d30c2cd3fd04d567946cbde2">arm_compute::InterpolationPolicy::NEAREST_NEIGHBOR</a></div><div class="ttdoc">Output values are defined to match the source pixel whose center is nearest to the sample position...</div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml_ad1717410afd0be936c6213a63c8005fb"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb">arm_compute::CLGaussian5x5::run</a></div><div class="ttdeci">void run() override</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="_n_e_functions_8h_xhtml"><div class="ttname"><a href="_n_e_functions_8h.xhtml">NEFunctions.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml">arm_compute::CLScale</a></div><div class="ttdoc">Basic function to run CLScaleKernel. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scale_8h_source.xhtml#l00037">CLScale.h:37</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> @@ -133,27 +133,27 @@ $(document).ready(function(){initNavTree('neoncl__scale__median__gaussian_8cpp_s <div class="ttc" id="classarm__compute_1_1_n_e_median3x3_xhtml_ac735b829e93802466145844b04d1ab48"><div class="ttname"><a href="classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48">arm_compute::NEMedian3x3::configure</a></div><div class="ttdeci">void configure(ITensor *input, ITensor *output, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialise the function&#39;s source, destinations and border mode. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a19bb5002a62b62e050e89c975f7b9fdf"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a19bb5002a62b62e050e89c975f7b9fdf">arm_compute::CLScheduler::default_init</a></div><div class="ttdeci">void default_init()</div><div class="ttdoc">Initialises the context and command queue used by the scheduler to default values and sets a default ...</div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00050">CLScheduler.h:50</a></div></div> <div class="ttc" id="_c_l_scheduler_8h_xhtml"><div class="ttname"><a href="_c_l_scheduler_8h.xhtml">CLScheduler.h</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml_a6c223d48dcc4afd27b6f3932182622b6"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml#a6c223d48dcc4afd27b6f3932182622b6">arm_compute::TensorInfo::dimension</a></div><div class="ttdeci">size_t dimension(size_t index) const </div><div class="ttdoc">Return the size of the requested dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00190">TensorInfo.h:190</a></div></div> <div class="ttc" id="neoncl__scale__median__gaussian_8cpp_xhtml_a217dbf8b442f20279ea00b898af96f52"><div class="ttname"><a href="neoncl__scale__median__gaussian_8cpp.xhtml#a217dbf8b442f20279ea00b898af96f52">main</a></div><div class="ttdeci">int main(int argc, const char **argv)</div><div class="ttdoc">Main program for convolution test. </div><div class="ttdef"><b>Definition:</b> <a href="neoncl__scale__median__gaussian_8cpp_source.xhtml#l00123">neoncl_scale_median_gaussian.cpp:123</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_a60f9a6836b628a7171914c4afe43b4a7"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#a60f9a6836b628a7171914c4afe43b4a7">arm_compute::CLScheduler::get</a></div><div class="ttdeci">static CLScheduler & get()</div><div class="ttdoc">Access the scheduler singleton. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa8a4946cd749d482dd996874d295af85"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa8a4946cd749d482dd996874d295af85">arm_compute::ITensorAllocator::allocate</a></div><div class="ttdeci">virtual void allocate()=0</div><div class="ttdoc">Interface to be implemented by the child class to allocate the tensor. </div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scheduler_xhtml_ad55f80ed3cd8b6c4f247763b747016af"><div class="ttname"><a href="classarm__compute_1_1_c_l_scheduler.xhtml#ad55f80ed3cd8b6c4f247763b747016af">arm_compute::CLScheduler::sync</a></div><div class="ttdeci">void sync()</div><div class="ttdoc">Blocks until all commands in the associated command queue have finished. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_scheduler_8h_source.xhtml#l00110">CLScheduler.h:110</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_gaussian5x5_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_gaussian5x5.xhtml">arm_compute::CLGaussian5x5</a></div><div class="ttdoc">Basic function to execute gaussian filter 5x5. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_gaussian5x5_8h_source.xhtml#l00046">CLGaussian5x5.h:46</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa"><div class="ttname"><a href="namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a4ef59320fbe90fe47d40f1f71e4c5daa">arm_compute::BorderMode::REPLICATE</a></div><div class="ttdoc">Pixels outside the image are assumed to have the same value as the closest image pixel. </div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_allocator_xhtml_aa72161e0e3c0f6b2da20f835de6af680"><div class="ttname"><a href="classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680">arm_compute::ITensorAllocator::init</a></div><div class="ttdeci">void init(const TensorInfo &input)</div><div class="ttdoc">Initialize a tensor based on the passed TensorInfo. </div></div> <div class="ttc" id="classarm__compute_1_1_i_n_e_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::INESimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> <div class="ttc" id="test__helpers_2_utils_8h_xhtml"><div class="ttname"><a href="test__helpers_2_utils_8h.xhtml">Utils.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_c_l_simple_function_xhtml_ab5fd6e96c07aaaed2747c7e16ed5951e"><div class="ttname"><a href="classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e">arm_compute::ICLSimpleFunction::run</a></div><div class="ttdeci">void run() overridefinal</div><div class="ttdoc">Run the kernels contained in the function. </div></div> <div class="ttc" id="_c_l_functions_8h_xhtml"><div class="ttname"><a href="_c_l_functions_8h.xhtml">CLFunctions.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml_a1ffeb3b5abb3d61f62b58a391816201c"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml#a1ffeb3b5abb3d61f62b58a391816201c">arm_compute::CLTensor::unmap</a></div><div class="ttdeci">void unmap()</div><div class="ttdoc">Enqueue an unmap operation of the allocated and mapped buffer. </div></div> <div class="ttc" id="classarm__compute_1_1_c_l_scale_xhtml_aaab8edc0df1785727fd195b8ecf07e22"><div class="ttname"><a href="classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22">arm_compute::CLScale::configure</a></div><div class="ttdeci">void configure(ICLTensor *input, ICLTensor *output, InterpolationPolicy policy, BorderMode border_mode, uint8_t constant_border_value=0)</div><div class="ttdoc">Initialize the function&#39;s source, destination, interpolation type and border_mode. </div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> <div class="ttc" id="classarm__compute_1_1_n_e_median3x3_xhtml"><div class="ttname"><a href="classarm__compute_1_1_n_e_median3x3.xhtml">arm_compute::NEMedian3x3</a></div><div class="ttdoc">Basic function to execute median filter. </div><div class="ttdef"><b>Definition:</b> <a href="_n_e_median3x3_8h_source.xhtml#l00042">NEMedian3x3.h:42</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -162,7 +162,7 @@ $(document).ready(function(){initNavTree('neoncl__scale__median__gaussian_8cpp_s <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_d28a4824dc47e487b107a5db32ef43c4.xhtml">examples</a></li><li class="navelem"><a class="el" href="neoncl__scale__median__gaussian_8cpp.xhtml">neoncl_scale_median_gaussian.cpp</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter3x3_8cl.xhtml b/documentation/non__linear__filter3x3_8cl.xhtml index 8d0dfb789..d20526bd5 100644 --- a/documentation/non__linear__filter3x3_8cl.xhtml +++ b/documentation/non__linear__filter3x3_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -493,7 +493,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter3x3_8cl.xhtml">non_linear_filter3x3.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter3x3_8cl_source.xhtml b/documentation/non__linear__filter3x3_8cl_source.xhtml index 4ec6e3205..35f972180 100644 --- a/documentation/non__linear__filter3x3_8cl_source.xhtml +++ b/documentation/non__linear__filter3x3_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -136,7 +136,7 @@ $(document).ready(function(){initNavTree('non__linear__filter3x3_8cl_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter3x3_8cl.xhtml">non_linear_filter3x3.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter5x5_8cl.xhtml b/documentation/non__linear__filter5x5_8cl.xhtml index fbdb97c44..f106846b3 100644 --- a/documentation/non__linear__filter5x5_8cl.xhtml +++ b/documentation/non__linear__filter5x5_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -645,7 +645,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter5x5_8cl.xhtml">non_linear_filter5x5.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter5x5_8cl_source.xhtml b/documentation/non__linear__filter5x5_8cl_source.xhtml index db59ad2c1..abd977b11 100644 --- a/documentation/non__linear__filter5x5_8cl_source.xhtml +++ b/documentation/non__linear__filter5x5_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -140,7 +140,7 @@ $(document).ready(function(){initNavTree('non__linear__filter5x5_8cl_source.xhtm <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter5x5_8cl.xhtml">non_linear_filter5x5.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter__helpers_8h.xhtml b/documentation/non__linear__filter__helpers_8h.xhtml index 0b0d9cb30..d4103834e 100644 --- a/documentation/non__linear__filter__helpers_8h.xhtml +++ b/documentation/non__linear__filter__helpers_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -516,7 +516,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter__helpers_8h.xhtml">non_linear_filter_helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/non__linear__filter__helpers_8h_source.xhtml b/documentation/non__linear__filter__helpers_8h_source.xhtml index 088985ee4..037e6a7c1 100644 --- a/documentation/non__linear__filter__helpers_8h_source.xhtml +++ b/documentation/non__linear__filter__helpers_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('non__linear__filter__helpers_8h_source <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="non__linear__filter__helpers_8h.xhtml">non_linear_filter_helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/nonmax_8cl.xhtml b/documentation/nonmax_8cl.xhtml index 70cbb6cbb..c5a30ccbe 100644 --- a/documentation/nonmax_8cl.xhtml +++ b/documentation/nonmax_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -250,7 +250,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="nonmax_8cl.xhtml">nonmax.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/nonmax_8cl_source.xhtml b/documentation/nonmax_8cl_source.xhtml index 13c9e3e51..e8d595e67 100644 --- a/documentation/nonmax_8cl_source.xhtml +++ b/documentation/nonmax_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('nonmax_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="nonmax_8cl.xhtml">nonmax.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/normalization__layer_8cl.xhtml b/documentation/normalization__layer_8cl.xhtml index 23b0255ba..627e7106d 100644 --- a/documentation/normalization__layer_8cl.xhtml +++ b/documentation/normalization__layer_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -595,7 +595,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="normalization__layer_8cl.xhtml">normalization_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/normalization__layer_8cl_source.xhtml b/documentation/normalization__layer_8cl_source.xhtml index 82e89d9e6..aeb05a67a 100644 --- a/documentation/normalization__layer_8cl_source.xhtml +++ b/documentation/normalization__layer_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('normalization__layer_8cl_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="normalization__layer_8cl.xhtml">normalization_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/optical__flow__pyramid__lk_8cl.xhtml b/documentation/optical__flow__pyramid__lk_8cl.xhtml index 3231b6e93..79d67a5d9 100644 --- a/documentation/optical__flow__pyramid__lk_8cl.xhtml +++ b/documentation/optical__flow__pyramid__lk_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -913,7 +913,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="optical__flow__pyramid__lk_8cl.xhtml">optical_flow_pyramid_lk.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/optical__flow__pyramid__lk_8cl_source.xhtml b/documentation/optical__flow__pyramid__lk_8cl_source.xhtml index e3a27c1f5..3197f3bc1 100644 --- a/documentation/optical__flow__pyramid__lk_8cl_source.xhtml +++ b/documentation/optical__flow__pyramid__lk_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -149,7 +149,7 @@ $(document).ready(function(){initNavTree('optical__flow__pyramid__lk_8cl_source. <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="optical__flow__pyramid__lk_8cl.xhtml">optical_flow_pyramid_lk.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pixelwise__mul__float_8cl.xhtml b/documentation/pixelwise__mul__float_8cl.xhtml index c80998cd4..1acb235ad 100644 --- a/documentation/pixelwise__mul__float_8cl.xhtml +++ b/documentation/pixelwise__mul__float_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -384,7 +384,7 @@ The data type of the intermediate result of the multiplication should passed as <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pixelwise__mul__float_8cl.xhtml">pixelwise_mul_float.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pixelwise__mul__float_8cl_source.xhtml b/documentation/pixelwise__mul__float_8cl_source.xhtml index b2cd4b637..c8afe0a03 100644 --- a/documentation/pixelwise__mul__float_8cl_source.xhtml +++ b/documentation/pixelwise__mul__float_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('pixelwise__mul__float_8cl_source.xhtml <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pixelwise__mul__float_8cl.xhtml">pixelwise_mul_float.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pixelwise__mul__int_8cl.xhtml b/documentation/pixelwise__mul__int_8cl.xhtml index 2dfa860e0..8790b53ae 100644 --- a/documentation/pixelwise__mul__int_8cl.xhtml +++ b/documentation/pixelwise__mul__int_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -369,7 +369,7 @@ The data_type of the intermediate result of the multiplication should passed as <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pixelwise__mul__int_8cl.xhtml">pixelwise_mul_int.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pixelwise__mul__int_8cl_source.xhtml b/documentation/pixelwise__mul__int_8cl_source.xhtml index 025d2a5cb..5811371db 100644 --- a/documentation/pixelwise__mul__int_8cl_source.xhtml +++ b/documentation/pixelwise__mul__int_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('pixelwise__mul__int_8cl_source.xhtml', <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pixelwise__mul__int_8cl.xhtml">pixelwise_mul_int.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pooling__layer_8cl.xhtml b/documentation/pooling__layer_8cl.xhtml index 515436745..11ffb09f8 100644 --- a/documentation/pooling__layer_8cl.xhtml +++ b/documentation/pooling__layer_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -523,7 +523,7 @@ In case of average pooling -DPOOL_AVG must be provided otherwise max pooling wil <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pooling__layer_8cl.xhtml">pooling_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/pooling__layer_8cl_source.xhtml b/documentation/pooling__layer_8cl_source.xhtml index 246e3d069..15b465d70 100644 --- a/documentation/pooling__layer_8cl_source.xhtml +++ b/documentation/pooling__layer_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('pooling__layer_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="pooling__layer_8cl.xhtml">pooling_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/remap_8cl.xhtml b/documentation/remap_8cl.xhtml index e5630c60c..2bd7f357f 100644 --- a/documentation/remap_8cl.xhtml +++ b/documentation/remap_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -567,7 +567,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="remap_8cl.xhtml">remap.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/remap_8cl_source.xhtml b/documentation/remap_8cl_source.xhtml index 4e84cfc7d..3384f93ab 100644 --- a/documentation/remap_8cl_source.xhtml +++ b/documentation/remap_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -134,7 +134,7 @@ $(document).ready(function(){initNavTree('remap_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="remap_8cl.xhtml">remap.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/scale_8cl.xhtml b/documentation/scale_8cl.xhtml index c79f6c50a..67116571f 100644 --- a/documentation/scale_8cl.xhtml +++ b/documentation/scale_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -536,7 +536,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="scale_8cl.xhtml">scale.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/scale_8cl_source.xhtml b/documentation/scale_8cl_source.xhtml index d9011b0be..7e6ab59ae 100644 --- a/documentation/scale_8cl_source.xhtml +++ b/documentation/scale_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ $(document).ready(function(){initNavTree('scale_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="scale_8cl.xhtml">scale.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/scharr__filter_8cl.xhtml b/documentation/scharr__filter_8cl.xhtml index 3c3f80a30..9e39c4a03 100644 --- a/documentation/scharr__filter_8cl.xhtml +++ b/documentation/scharr__filter_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -291,7 +291,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="scharr__filter_8cl.xhtml">scharr_filter.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/scharr__filter_8cl_source.xhtml b/documentation/scharr__filter_8cl_source.xhtml index d0b31da66..7cc4d7035 100644 --- a/documentation/scharr__filter_8cl_source.xhtml +++ b/documentation/scharr__filter_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('scharr__filter_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="scharr__filter_8cl.xhtml">scharr_filter.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/search/all_11.js b/documentation/search/all_11.js index 15d19aa50..0fb56d27e 100644 --- a/documentation/search/all_11.js +++ b/documentation/search/all_11.js @@ -33,6 +33,6 @@ var searchData= ['row_5freduce_5fmax_5f5',['row_reduce_max_5',['../non__linear__filter__helpers_8h.xhtml#a310f21b7cf0409431ddf246c4a98e52e',1,'non_linear_filter_helpers.h']]], ['row_5freduce_5fmin_5f3',['row_reduce_min_3',['../non__linear__filter__helpers_8h.xhtml#ae3e09114bb887de4e20122eed42671a1',1,'non_linear_filter_helpers.h']]], ['row_5freduce_5fmin_5f5',['row_reduce_min_5',['../non__linear__filter__helpers_8h.xhtml#aa9d1bdcaf911a5b861c2082181e6a716',1,'non_linear_filter_helpers.h']]], - ['run',['run',['../classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51',1,'arm_compute::ICLKernel::run()'],['../classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple2DKernel::run()'],['../classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple3DKernel::run()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseAndKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseOrKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseXorKernel::run()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGradientKernel::run()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeTraceKernel::run()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelCombineKernel::run()'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelExtractKernel::run()'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCol2ImKernel::run()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLColorConvertKernel::run()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLDerivativeKernel::run()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFastCornersKernel::run()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCopyToArrayKernel::run()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFillBorderKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHarrisScoreKernel::run()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramKernel::run()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramBorderKernel::run()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIm2ColKernel::run()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIntegralImageVertKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerInitKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerFinalizeKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage0Kernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage1Kernel::run()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMeanStdDevKernel::run()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxKernel::run()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxLocationKernel::run()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLNormalizationLayerKernel::run()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPoolingLayerKernel::run()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLRemapKernel::run()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLScharr3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5VertKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7VertKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DNormKernel::run()'],['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2',1,'arm_compute::ICPPKernel::run()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPCornerCandidatesKernel::run()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPSortEuclideanDistanceKernel::run()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedFP16Kernel::run()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateSquaredKernel::run()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEActivationLayerKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseAndKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseNotKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseOrKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseXorKernel::run()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3Kernel::run()'],['../classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3FP16Kernel::run()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGradientKernel::run()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeTraceKernel::run()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelCombineKernel::run()'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelExtractKernel::run()'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECol2ImKernel::run()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEColorConvertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionHorKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionVertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECumulativeDistributionKernel::run()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDepthConvertKernel::run()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDerivativeKernel::run()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDilateKernel::run()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEErodeKernel::run()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFastCornersKernel::run()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillArrayKernel::run()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillBorderKernel::run()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillInnerBorderKernel::run()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMTranspose1xWKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreFP16Kernel::run()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramKernel::run()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramBorderKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGOrientationBinningKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGBlockNormalizationKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGDetectorKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIm2ColKernel::run()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIntegralImageKernel::run()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELKTrackerKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseFP16Kernel::run()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMeanStdDevKernel::run()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMedian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxKernel::run()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxLocationKernel::run()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonLinearFilterKernel::run()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonMaximaSuppression3x3Kernel::run()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENormalizationLayerKernel::run()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPoolingLayerKernel::run()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NERemapKernel::run()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScaleKernel::run()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScharr3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7VertKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DMaxKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DNormKernel::run()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETableLookupKernel::run()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEThresholdKernel::run()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETransposeKernel::run()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::INEWarpKernel::run()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad',1,'arm_compute::CLCannyEdge::run()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionSquare::run()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionLayer::run()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLEqualizeHistogram::run()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFastCorners::run()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFullyConnectedLayer::run()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussian5x5::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidHalf::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidOrb::run()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMM::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMMLowp::run()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHarrisCorners::run()'],['../classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHistogram::run()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLIntegralImage::run()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianPyramid::run()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianReconstruct::run()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMeanStdDev::run()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMinMaxLocation::run()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLNormalizationLayer::run()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLOpticalFlow::run()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel5x5::run()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel7x7::run()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSoftmaxLayer::run()'],['../classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::ICLSimpleFunction::run()'],['../classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b',1,'arm_compute::IFunction::run()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NECannyEdge::run()'],['../classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution5x5::run()'],['../classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution7x7::run()'],['../classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution9x9::run()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionLayer::run()'],['../classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEDerivative::run()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEEqualizeHistogram::run()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFastCorners::run()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFillBorder::run()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFullyConnectedLayer::run()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussian5x5::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidHalf::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidOrb::run()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMM::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMMLowp::run()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHarrisCorners::run()'],['../classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHistogram::run()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGDescriptor::run()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGGradient::run()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGMultiDetection::run()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianPyramid::run()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianReconstruct::run()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMeanStdDev::run()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMinMaxLocation::run()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NENormalizationLayer::run()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEOpticalFlow::run()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel5x5::run()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel7x7::run()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESoftmaxLayer::run()'],['../classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::INESimpleFunction::run()']]], + ['run',['run',['../classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51',1,'arm_compute::ICLKernel::run()'],['../classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple2DKernel::run()'],['../classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple3DKernel::run()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseAndKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseOrKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseXorKernel::run()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGradientKernel::run()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeTraceKernel::run()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelCombineKernel::run()'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelExtractKernel::run()'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCol2ImKernel::run()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLColorConvertKernel::run()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLDerivativeKernel::run()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFastCornersKernel::run()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCopyToArrayKernel::run()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFillBorderKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHarrisScoreKernel::run()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramKernel::run()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramBorderKernel::run()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIm2ColKernel::run()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIntegralImageVertKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerInitKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerFinalizeKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage0Kernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage1Kernel::run()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMeanStdDevKernel::run()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxKernel::run()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxLocationKernel::run()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLNormalizationLayerKernel::run()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPoolingLayerKernel::run()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLRemapKernel::run()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLScharr3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5VertKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7VertKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DNormKernel::run()'],['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2',1,'arm_compute::ICPPKernel::run()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPCornerCandidatesKernel::run()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPSortEuclideanDistanceKernel::run()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedFP16Kernel::run()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateSquaredKernel::run()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEActivationLayerKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseAndKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseNotKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseOrKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseXorKernel::run()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3Kernel::run()'],['../classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3FP16Kernel::run()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGradientKernel::run()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeTraceKernel::run()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelCombineKernel::run()'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelExtractKernel::run()'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECol2ImKernel::run()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEColorConvertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionHorKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionVertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECumulativeDistributionKernel::run()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDepthConvertKernel::run()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDerivativeKernel::run()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDilateKernel::run()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEErodeKernel::run()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFastCornersKernel::run()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillArrayKernel::run()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillBorderKernel::run()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillInnerBorderKernel::run()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMTranspose1xWKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreFP16Kernel::run()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGOrientationBinningKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGBlockNormalizationKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGDetectorKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIm2ColKernel::run()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIntegralImageKernel::run()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELKTrackerKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseFP16Kernel::run()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMeanStdDevKernel::run()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMedian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxKernel::run()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxLocationKernel::run()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonLinearFilterKernel::run()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonMaximaSuppression3x3Kernel::run()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENormalizationLayerKernel::run()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPoolingLayerKernel::run()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NERemapKernel::run()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScaleKernel::run()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScharr3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7VertKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DMaxKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DNormKernel::run()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETableLookupKernel::run()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEThresholdKernel::run()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETransposeKernel::run()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::INEWarpKernel::run()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad',1,'arm_compute::CLCannyEdge::run()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionSquare::run()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionLayer::run()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLEqualizeHistogram::run()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFastCorners::run()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFullyConnectedLayer::run()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussian5x5::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidHalf::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidOrb::run()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMM::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMMLowp::run()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHarrisCorners::run()'],['../classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHistogram::run()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLIntegralImage::run()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianPyramid::run()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianReconstruct::run()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMeanStdDev::run()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMinMaxLocation::run()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLNormalizationLayer::run()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLOpticalFlow::run()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel5x5::run()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel7x7::run()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSoftmaxLayer::run()'],['../classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::ICLSimpleFunction::run()'],['../classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b',1,'arm_compute::IFunction::run()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NECannyEdge::run()'],['../classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionSquare::run()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionLayer::run()'],['../classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEDerivative::run()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEEqualizeHistogram::run()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFastCorners::run()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFillBorder::run()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFullyConnectedLayer::run()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussian5x5::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidHalf::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidOrb::run()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMM::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMMLowp::run()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHarrisCorners::run()'],['../classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHistogram::run()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGDescriptor::run()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGGradient::run()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGMultiDetection::run()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianPyramid::run()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianReconstruct::run()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMeanStdDev::run()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMinMaxLocation::run()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NENormalizationLayer::run()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEOpticalFlow::run()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel5x5::run()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel7x7::run()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESoftmaxLayer::run()'],['../classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::INESimpleFunction::run()']]], ['run_5fexample',['run_example',['../namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e',1,'test_helpers']]] ]; diff --git a/documentation/search/all_12.js b/documentation/search/all_12.js index 4b8661b9a..b6ebbac86 100644 --- a/documentation/search/all_12.js +++ b/documentation/search/all_12.js @@ -71,7 +71,7 @@ var searchData= ['split_5fwindow',['split_window',['../classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a',1,'arm_compute::Window']]], ['sqrt',['SQRT',['../classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9eaa36875f2500a09ee35d0bb7eb8c0b91b0',1,'arm_compute::ActivationLayerInfo']]], ['square',['SQUARE',['../classarm__compute_1_1_activation_layer_info.xhtml#a56297e0f7b215eea46c818cb7528d9eaa12dec4e1f7ec620651b2b95c440ffac0',1,'arm_compute::ActivationLayerInfo']]], - ['start',['start',['../classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375',1,'arm_compute::Window::Dimension']]], + ['start',['start',['../structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed',1,'arm_compute::ValidRegion::start()'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375',1,'arm_compute::Window::Dimension::start()']]], ['step',['step',['../classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4',1,'arm_compute::Window::Dimension']]], ['steps',['Steps',['../classarm__compute_1_1_steps.xhtml',1,'arm_compute']]], ['steps',['Steps',['../classarm__compute_1_1_steps.xhtml#ae1478601d1a4df4ce6952dfedc42aea6',1,'arm_compute::Steps::Steps(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a55144677120e26b771c2ed3959fb21bf',1,'arm_compute::Steps::Steps(Steps &&)=default']]], diff --git a/documentation/search/all_15.js b/documentation/search/all_15.js index 694819fbe..f66e97180 100644 --- a/documentation/search/all_15.js +++ b/documentation/search/all_15.js @@ -13,12 +13,12 @@ var searchData= ['vec_5fdata_5ftype_5fstr',['VEC_DATA_TYPE_STR',['../helpers_8h.xhtml#ae802822defb0fa3a7f74f98e324696cb',1,'helpers.h']]], ['vector',['Vector',['../struct_vector.xhtml',1,'Vector'],['../helpers_8h.xhtml#a6ded2cf071c127e518317e3c451af3ef',1,'Vector(): helpers.h']]], ['vector_5fdeclaration',['VECTOR_DECLARATION',['../helpers_8h.xhtml#a40a6eb9f2a7712f08d6bb8ff6c9e6ca7',1,'helpers.h']]], - ['vector_5foffset',['vector_offset',['../helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8',1,'helpers.h']]], - ['vexp_5ff32',['vexp_f32',['../namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826',1,'arm_compute']]], - ['vinv_5ff32',['vinv_f32',['../namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a',1,'arm_compute']]], - ['vinvsqrt_5ff32',['vinvsqrt_f32',['../namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b',1,'arm_compute']]], - ['vlog_5ff32',['vlog_f32',['../namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26',1,'arm_compute']]], + ['vector_5foffset',['vector_offset',['../helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019',1,'helpers.h']]], + ['vexpq_5ff32',['vexpq_f32',['../namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3',1,'arm_compute']]], + ['vinvq_5ff32',['vinvq_f32',['../namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6',1,'arm_compute']]], + ['vinvsqrtq_5ff32',['vinvsqrtq_f32',['../namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8',1,'arm_compute']]], + ['vlogq_5ff32',['vlogq_f32',['../namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8',1,'arm_compute']]], ['vpowq_5ff32',['vpowq_f32',['../namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7',1,'arm_compute']]], - ['vtanh_5ff32',['vtanh_f32',['../namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32',1,'arm_compute']]], - ['vtaylor_5fpoly_5ff32',['vtaylor_poly_f32',['../namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84',1,'arm_compute']]] + ['vtanhq_5ff32',['vtanhq_f32',['../namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168',1,'arm_compute']]], + ['vtaylor_5fpolyq_5ff32',['vtaylor_polyq_f32',['../namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8',1,'arm_compute']]] ]; diff --git a/documentation/search/all_1a.js b/documentation/search/all_1a.js index 55a753136..b7f71cb17 100644 --- a/documentation/search/all_1a.js +++ b/documentation/search/all_1a.js @@ -35,6 +35,7 @@ var searchData= ['_7eiarray',['~IArray',['../classarm__compute_1_1_i_array.xhtml#acaeb87c4bcccaf15bb25bd2c8e44658a',1,'arm_compute::IArray']]], ['_7eiclarray',['~ICLArray',['../classarm__compute_1_1_i_c_l_array.xhtml#a0c95f444049eea7c7d14f6fd57ef40a1',1,'arm_compute::ICLArray']]], ['_7eiclsimplekernel',['~ICLSimpleKernel',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa',1,'arm_compute::ICLSimpleKernel']]], + ['_7eicltensor',['~ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e',1,'arm_compute::ICLTensor']]], ['_7eicppkernel',['~ICPPKernel',['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6',1,'arm_compute::ICPPKernel']]], ['_7eicppsimplekernel',['~ICPPSimpleKernel',['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8',1,'arm_compute::ICPPSimpleKernel']]], ['_7eidistribution',['~IDistribution',['../classarm__compute_1_1_i_distribution.xhtml#a9ee18d758810dbcfb1c9717956f51c38',1,'arm_compute::IDistribution']]], @@ -67,7 +68,6 @@ var searchData= ['_7enegaussianpyramidvertkernel',['~NEGaussianPyramidVertKernel',['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a335e126153ef3b664bf56c3e8ad143de',1,'arm_compute::NEGaussianPyramidVertKernel']]], ['_7enegemmmatrixaccumulatebiaseskernel',['~NEGEMMMatrixAccumulateBiasesKernel',['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#af26cd032cee8d8d035b8d5e52422f397',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel']]], ['_7enegradientkernel',['~NEGradientKernel',['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727',1,'arm_compute::NEGradientKernel']]], - ['_7enehistogramborderkernel',['~NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14',1,'arm_compute::NEHistogramBorderKernel']]], ['_7enehistogramkernel',['~NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e',1,'arm_compute::NEHistogramKernel']]], ['_7enehogblocknormalizationkernel',['~NEHOGBlockNormalizationKernel',['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a868e84205d6f33fc9bc1a24834752839',1,'arm_compute::NEHOGBlockNormalizationKernel']]], ['_7enehogdetectorkernel',['~NEHOGDetectorKernel',['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ac8fd84865e94c9be09c574eb9abdfde6',1,'arm_compute::NEHOGDetectorKernel']]], diff --git a/documentation/search/all_3.js b/documentation/search/all_3.js index c944a7898..84484abba 100644 --- a/documentation/search/all_3.js +++ b/documentation/search/all_3.js @@ -214,17 +214,19 @@ var searchData= ['clgemm',['CLGEMM',['../classarm__compute_1_1_c_l_g_e_m_m.xhtml',1,'arm_compute']]], ['clgemm',['CLGEMM',['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#ab6b30155674bbcb9040b579cff3e5d32',1,'arm_compute::CLGEMM']]], ['clgemm_2eh',['CLGEMM.h',['../_c_l_g_e_m_m_8h.xhtml',1,'']]], + ['clgemminterleave4x4',['CLGEMMInterleave4x4',['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml',1,'arm_compute']]], + ['clgemminterleave4x4_2eh',['CLGEMMInterleave4x4.h',['../_c_l_g_e_m_m_interleave4x4_8h.xhtml',1,'']]], ['clgemminterleave4x4kernel',['CLGEMMInterleave4x4Kernel',['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml',1,'arm_compute']]], ['clgemminterleave4x4kernel',['CLGEMMInterleave4x4Kernel',['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a4023b128129764d7d24882a5642fe49f',1,'arm_compute::CLGEMMInterleave4x4Kernel::CLGEMMInterleave4x4Kernel()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a9f747ba6cad1650cd0184041de875411',1,'arm_compute::CLGEMMInterleave4x4Kernel::CLGEMMInterleave4x4Kernel(const CLGEMMInterleave4x4Kernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56f2f1474dd673f0f8d9df3ce377f33d',1,'arm_compute::CLGEMMInterleave4x4Kernel::CLGEMMInterleave4x4Kernel(CLGEMMInterleave4x4Kernel &&)=default']]], ['clgemminterleave4x4kernel_2eh',['CLGEMMInterleave4x4Kernel.h',['../_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml',1,'']]], - ['clgemmlowp',['CLGEMMLowp',['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml',1,'arm_compute']]], ['clgemmlowp',['CLGEMMLowp',['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#aac051c3731008575fe02d576e0bbca11',1,'arm_compute::CLGEMMLowp']]], + ['clgemmlowp',['CLGEMMLowp',['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml',1,'arm_compute']]], ['clgemmlowp_2eh',['CLGEMMLowp.h',['../_c_l_g_e_m_m_lowp_8h.xhtml',1,'']]], ['clgemmlowpmatrixmultiplykernel',['CLGEMMLowpMatrixMultiplyKernel',['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml',1,'arm_compute']]], ['clgemmlowpmatrixmultiplykernel',['CLGEMMLowpMatrixMultiplyKernel',['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a759d01d5376a17c7b81131212588810a',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::CLGEMMLowpMatrixMultiplyKernel()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5f55c40f31bba46fa72429c820ff8139',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::CLGEMMLowpMatrixMultiplyKernel(const CLGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#afdcbb16be23445f565801d54201c9b1d',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::CLGEMMLowpMatrixMultiplyKernel(CLGEMMLowpMatrixMultiplyKernel &&)=default']]], ['clgemmlowpmatrixmultiplykernel_2eh',['CLGEMMLowpMatrixMultiplyKernel.h',['../_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml',1,'']]], - ['clgemmmatrixaccumulatebiaseskernel',['CLGEMMMatrixAccumulateBiasesKernel',['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a426791a071d27ffff5062e51fffac075',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d630279a30875fdd3814fd93d0386e3',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a5bca3bc1430f853bb9254141596f4f22',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel(CLGEMMMatrixAccumulateBiasesKernel &&)=default']]], ['clgemmmatrixaccumulatebiaseskernel',['CLGEMMMatrixAccumulateBiasesKernel',['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml',1,'arm_compute']]], + ['clgemmmatrixaccumulatebiaseskernel',['CLGEMMMatrixAccumulateBiasesKernel',['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a426791a071d27ffff5062e51fffac075',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d630279a30875fdd3814fd93d0386e3',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a5bca3bc1430f853bb9254141596f4f22',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::CLGEMMMatrixAccumulateBiasesKernel(CLGEMMMatrixAccumulateBiasesKernel &&)=default']]], ['clgemmmatrixaccumulatebiaseskernel_2eh',['CLGEMMMatrixAccumulateBiasesKernel.h',['../_c_l_g_e_m_m_matrix_accumulate_biases_kernel_8h.xhtml',1,'']]], ['clgemmmatrixadditionkernel',['CLGEMMMatrixAdditionKernel',['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml',1,'arm_compute']]], ['clgemmmatrixadditionkernel',['CLGEMMMatrixAdditionKernel',['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a03d036e8e66cf1c8128c921bbca897a7',1,'arm_compute::CLGEMMMatrixAdditionKernel::CLGEMMMatrixAdditionKernel()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a9e75cac7f23a70ebbb9369eaf45ac0e5',1,'arm_compute::CLGEMMMatrixAdditionKernel::CLGEMMMatrixAdditionKernel(const CLGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a91309d4cb7c55ed2695535421fa4346d',1,'arm_compute::CLGEMMMatrixAdditionKernel::CLGEMMMatrixAdditionKernel(CLGEMMMatrixAdditionKernel &&)=default']]], @@ -262,18 +264,18 @@ var searchData= ['clintegralimage_2eh',['CLIntegralImage.h',['../_c_l_integral_image_8h.xhtml',1,'']]], ['clintegralimagehorkernel',['CLIntegralImageHorKernel',['../classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml',1,'arm_compute']]], ['clintegralimagekernel_2eh',['CLIntegralImageKernel.h',['../_c_l_integral_image_kernel_8h.xhtml',1,'']]], - ['clintegralimagevertkernel',['CLIntegralImageVertKernel',['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a848e23c88fc9914a74bc0b951467630d',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a03b0809fc346e8a7d32c25f19e7ce4ee',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#aca1da24f98486d11ef0e202024ae039d',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel(CLIntegralImageVertKernel &&)=default']]], ['clintegralimagevertkernel',['CLIntegralImageVertKernel',['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml',1,'arm_compute']]], + ['clintegralimagevertkernel',['CLIntegralImageVertKernel',['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a848e23c88fc9914a74bc0b951467630d',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a03b0809fc346e8a7d32c25f19e7ce4ee',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#aca1da24f98486d11ef0e202024ae039d',1,'arm_compute::CLIntegralImageVertKernel::CLIntegralImageVertKernel(CLIntegralImageVertKernel &&)=default']]], ['clkernellibrary',['CLKernelLibrary',['../classarm__compute_1_1_c_l_kernel_library.xhtml#a670869004281695200784de4648a4e1b',1,'arm_compute::CLKernelLibrary']]], ['clkernellibrary',['CLKernelLibrary',['../classarm__compute_1_1_c_l_kernel_library.xhtml',1,'arm_compute']]], ['clkernellibrary_2eh',['CLKernelLibrary.h',['../_c_l_kernel_library_8h.xhtml',1,'']]], ['clkernels_2eh',['CLKernels.h',['../_c_l_kernels_8h.xhtml',1,'']]], ['clkeypointarray',['CLKeyPointArray',['../namespacearm__compute.xhtml#a55e1c5ed17b7ee3762198a38eb50650a',1,'arm_compute']]], - ['cllaplacianpyramid',['CLLaplacianPyramid',['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c',1,'arm_compute::CLLaplacianPyramid']]], ['cllaplacianpyramid',['CLLaplacianPyramid',['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml',1,'arm_compute']]], + ['cllaplacianpyramid',['CLLaplacianPyramid',['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#abc061ac0f69ff7cfe1ec11168d32547c',1,'arm_compute::CLLaplacianPyramid']]], ['cllaplacianpyramid_2eh',['CLLaplacianPyramid.h',['../_c_l_laplacian_pyramid_8h.xhtml',1,'']]], - ['cllaplacianreconstruct',['CLLaplacianReconstruct',['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml',1,'arm_compute']]], ['cllaplacianreconstruct',['CLLaplacianReconstruct',['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a66c0967ada87be88d5459fcd28e74045',1,'arm_compute::CLLaplacianReconstruct']]], + ['cllaplacianreconstruct',['CLLaplacianReconstruct',['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml',1,'arm_compute']]], ['cllaplacianreconstruct_2eh',['CLLaplacianReconstruct.h',['../_c_l_laplacian_reconstruct_8h.xhtml',1,'']]], ['cllkinternalkeypoint',['CLLKInternalKeypoint',['../structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml',1,'arm_compute']]], ['cllkinternalkeypointarray',['CLLKInternalKeypointArray',['../namespacearm__compute.xhtml#a70997613219641045213b0c12948fb74',1,'arm_compute']]], @@ -282,13 +284,13 @@ var searchData= ['cllktrackerkernel_2eh',['CLLKTrackerKernel.h',['../_c_l_l_k_tracker_kernel_8h.xhtml',1,'']]], ['cllktrackerstage0kernel',['CLLKTrackerStage0Kernel',['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af56ec32b876c8279e19756c69a082da7',1,'arm_compute::CLLKTrackerStage0Kernel::CLLKTrackerStage0Kernel()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a51aa9449a2a8adbf698d25f576c10c36',1,'arm_compute::CLLKTrackerStage0Kernel::CLLKTrackerStage0Kernel(const CLLKTrackerStage0Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#aee9dd6d719621f00e19c690545214829',1,'arm_compute::CLLKTrackerStage0Kernel::CLLKTrackerStage0Kernel(CLLKTrackerStage0Kernel &&)=default']]], ['cllktrackerstage0kernel',['CLLKTrackerStage0Kernel',['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml',1,'arm_compute']]], - ['cllktrackerstage1kernel',['CLLKTrackerStage1Kernel',['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml',1,'arm_compute']]], ['cllktrackerstage1kernel',['CLLKTrackerStage1Kernel',['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ac676c3a1b87aacf83246da916f5f5dee',1,'arm_compute::CLLKTrackerStage1Kernel::CLLKTrackerStage1Kernel()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a78b1cf4e95b79731e32d48a757b653cf',1,'arm_compute::CLLKTrackerStage1Kernel::CLLKTrackerStage1Kernel(const CLLKTrackerStage1Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#aef6997e356ca8c5f6c35bec24b8fe28d',1,'arm_compute::CLLKTrackerStage1Kernel::CLLKTrackerStage1Kernel(CLLKTrackerStage1Kernel &&)=default']]], + ['cllktrackerstage1kernel',['CLLKTrackerStage1Kernel',['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml',1,'arm_compute']]], ['cllogits1dmaxkernel',['CLLogits1DMaxKernel',['../classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml',1,'arm_compute']]], ['cllogits1dnormkernel',['CLLogits1DNormKernel',['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a65a94de36a0b70e490bcdee287ff6c4d',1,'arm_compute::CLLogits1DNormKernel::CLLogits1DNormKernel()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#ae59731f998ef25b90269a9c0383c1157',1,'arm_compute::CLLogits1DNormKernel::CLLogits1DNormKernel(const CLLogits1DNormKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a19373a3162839643484511cec353d34b',1,'arm_compute::CLLogits1DNormKernel::CLLogits1DNormKernel(CLLogits1DNormKernel &&)=default']]], ['cllogits1dnormkernel',['CLLogits1DNormKernel',['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml',1,'arm_compute']]], - ['cllogits1dshiftexpsumkernel',['CLLogits1DShiftExpSumKernel',['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ae0144c1a57ad4a0bc1ab1e41e6214431',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a9be48dff6ad142bd4fcab539fe4a8e55',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a4b082f23f218524c96f62d0d9384d2d5',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel(CLLogits1DShiftExpSumKernel &&)=default']]], ['cllogits1dshiftexpsumkernel',['CLLogits1DShiftExpSumKernel',['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml',1,'arm_compute']]], + ['cllogits1dshiftexpsumkernel',['CLLogits1DShiftExpSumKernel',['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ae0144c1a57ad4a0bc1ab1e41e6214431',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a9be48dff6ad142bd4fcab539fe4a8e55',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a4b082f23f218524c96f62d0d9384d2d5',1,'arm_compute::CLLogits1DShiftExpSumKernel::CLLogits1DShiftExpSumKernel(CLLogits1DShiftExpSumKernel &&)=default']]], ['cllut',['CLLut',['../classarm__compute_1_1_c_l_lut.xhtml#a0d6c553d858ee767dfd8c13114353556',1,'arm_compute::CLLut::CLLut()'],['../classarm__compute_1_1_c_l_lut.xhtml#ad2b54d8d7daf7f067cda8ea9e8a795f3',1,'arm_compute::CLLut::CLLut(size_t num_elements, DataType data_type)']]], ['cllut',['CLLut',['../classarm__compute_1_1_c_l_lut.xhtml',1,'arm_compute']]], ['cllut_2eh',['CLLut.h',['../_c_l_lut_8h.xhtml',1,'']]], @@ -300,8 +302,8 @@ var searchData= ['clmagnitudephasekernel',['CLMagnitudePhaseKernel',['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a249ee7b7204a6f63cf3563eda92e4d0e',1,'arm_compute::CLMagnitudePhaseKernel::CLMagnitudePhaseKernel()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a26b6db53a3b87bcf6476d95d45dff938',1,'arm_compute::CLMagnitudePhaseKernel::CLMagnitudePhaseKernel(const CLMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#acb7d0c0476a914425a66e6f2c0c478b4',1,'arm_compute::CLMagnitudePhaseKernel::CLMagnitudePhaseKernel(CLMagnitudePhaseKernel &&)=default']]], ['clmagnitudephasekernel',['CLMagnitudePhaseKernel',['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml',1,'arm_compute']]], ['clmagnitudephasekernel_2eh',['CLMagnitudePhaseKernel.h',['../_c_l_magnitude_phase_kernel_8h.xhtml',1,'']]], - ['clmeanstddev',['CLMeanStdDev',['../classarm__compute_1_1_c_l_mean_std_dev.xhtml',1,'arm_compute']]], ['clmeanstddev',['CLMeanStdDev',['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#aaa387018cbcc0f29df065cb98f2b32c6',1,'arm_compute::CLMeanStdDev']]], + ['clmeanstddev',['CLMeanStdDev',['../classarm__compute_1_1_c_l_mean_std_dev.xhtml',1,'arm_compute']]], ['clmeanstddev_2eh',['CLMeanStdDev.h',['../_c_l_mean_std_dev_8h.xhtml',1,'']]], ['clmeanstddevkernel',['CLMeanStdDevKernel',['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a28577b89be9497a1f28902c996f37457',1,'arm_compute::CLMeanStdDevKernel::CLMeanStdDevKernel()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a429549517919b06a77ffdf8831286213',1,'arm_compute::CLMeanStdDevKernel::CLMeanStdDevKernel(const CLMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a42ab88a9f8f47025a287c30100338e5a',1,'arm_compute::CLMeanStdDevKernel::CLMeanStdDevKernel(CLMeanStdDevKernel &&)=default']]], ['clmeanstddevkernel',['CLMeanStdDevKernel',['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml',1,'arm_compute']]], @@ -318,13 +320,13 @@ var searchData= ['clminmaxlocationkernel',['CLMinMaxLocationKernel',['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml',1,'arm_compute']]], ['clminmaxlocationkernel',['CLMinMaxLocationKernel',['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a2c0d2e5c0df9d1fd0e8a482944d65cc5',1,'arm_compute::CLMinMaxLocationKernel::CLMinMaxLocationKernel()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a91346d231880e7123dd8beb84ab36668',1,'arm_compute::CLMinMaxLocationKernel::CLMinMaxLocationKernel(const CLMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a342a87a8f5a9844d79873fdb688e3028',1,'arm_compute::CLMinMaxLocationKernel::CLMinMaxLocationKernel(CLMinMaxLocationKernel &&)=default']]], ['clminmaxlocationkernel_2eh',['CLMinMaxLocationKernel.h',['../_c_l_min_max_location_kernel_8h.xhtml',1,'']]], - ['clmultiimage',['CLMultiImage',['../classarm__compute_1_1_c_l_multi_image.xhtml',1,'arm_compute']]], ['clmultiimage',['CLMultiImage',['../classarm__compute_1_1_c_l_multi_image.xhtml#a1cda3e46e0e37219f45643bc6445e5cf',1,'arm_compute::CLMultiImage']]], + ['clmultiimage',['CLMultiImage',['../classarm__compute_1_1_c_l_multi_image.xhtml',1,'arm_compute']]], ['clmultiimage_2eh',['CLMultiImage.h',['../_c_l_multi_image_8h.xhtml',1,'']]], ['clnonlinearfilter',['CLNonLinearFilter',['../classarm__compute_1_1_c_l_non_linear_filter.xhtml',1,'arm_compute']]], ['clnonlinearfilter_2eh',['CLNonLinearFilter.h',['../_c_l_non_linear_filter_8h.xhtml',1,'']]], - ['clnonlinearfilterkernel',['CLNonLinearFilterKernel',['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a84f1118322af5d0170abdef07b79779b',1,'arm_compute::CLNonLinearFilterKernel']]], ['clnonlinearfilterkernel',['CLNonLinearFilterKernel',['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml',1,'arm_compute']]], + ['clnonlinearfilterkernel',['CLNonLinearFilterKernel',['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a84f1118322af5d0170abdef07b79779b',1,'arm_compute::CLNonLinearFilterKernel']]], ['clnonlinearfilterkernel_2eh',['CLNonLinearFilterKernel.h',['../_c_l_non_linear_filter_kernel_8h.xhtml',1,'']]], ['clnonmaximasuppression3x3',['CLNonMaximaSuppression3x3',['../classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml',1,'arm_compute']]], ['clnonmaximasuppression3x3_2eh',['CLNonMaximaSuppression3x3.h',['../_c_l_non_maxima_suppression3x3_8h.xhtml',1,'']]], @@ -378,8 +380,8 @@ var searchData= ['clseparableconvolution7x7vertkernel',['CLSeparableConvolution7x7VertKernel',['../namespacearm__compute.xhtml#a0ffdf01e236016ce8d366a69875d1375',1,'arm_compute']]], ['clseparableconvolution9x9horkernel',['CLSeparableConvolution9x9HorKernel',['../namespacearm__compute.xhtml#a9f34ccad344bc43d25e8be2b828853aa',1,'arm_compute']]], ['clseparableconvolution9x9vertkernel',['CLSeparableConvolution9x9VertKernel',['../namespacearm__compute.xhtml#a6d08e1e881bf611c1e1b9e2bb8810d19',1,'arm_compute']]], - ['clseparableconvolutionhorkernel',['CLSeparableConvolutionHorKernel',['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], ['clseparableconvolutionhorkernel',['CLSeparableConvolutionHorKernel',['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a94525a39744fe15630e1e9304042ca8f',1,'arm_compute::CLSeparableConvolutionHorKernel']]], + ['clseparableconvolutionhorkernel',['CLSeparableConvolutionHorKernel',['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], ['clseparableconvolutionvertkernel',['CLSeparableConvolutionVertKernel',['../classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], ['clsize2darray',['CLSize2DArray',['../namespacearm__compute.xhtml#a3f9ab729931f4e4fa36ff1683186d988',1,'arm_compute']]], ['clsobel3x3',['CLSobel3x3',['../classarm__compute_1_1_c_l_sobel3x3.xhtml',1,'arm_compute']]], @@ -393,29 +395,29 @@ var searchData= ['clsobel5x5horkernel',['CLSobel5x5HorKernel',['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml',1,'arm_compute']]], ['clsobel5x5horkernel',['CLSobel5x5HorKernel',['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a1f3533b3e2518b3aeb674ee867444f92',1,'arm_compute::CLSobel5x5HorKernel::CLSobel5x5HorKernel()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a441df842092cef723fbc501ddea39bbb',1,'arm_compute::CLSobel5x5HorKernel::CLSobel5x5HorKernel(const CLSobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#af10f47c50f51569b01a36a0d14b55277',1,'arm_compute::CLSobel5x5HorKernel::CLSobel5x5HorKernel(CLSobel5x5HorKernel &&)=default']]], ['clsobel5x5kernel_2eh',['CLSobel5x5Kernel.h',['../_c_l_sobel5x5_kernel_8h.xhtml',1,'']]], - ['clsobel5x5vertkernel',['CLSobel5x5VertKernel',['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a15a2d4d168650689f736d743175286ee',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a4220fd68c0d53a451064da8154bd424e',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ab6450493472e18b0f6696826464a07fd',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel(CLSobel5x5VertKernel &&)=default']]], ['clsobel5x5vertkernel',['CLSobel5x5VertKernel',['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml',1,'arm_compute']]], - ['clsobel7x7',['CLSobel7x7',['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13',1,'arm_compute::CLSobel7x7']]], + ['clsobel5x5vertkernel',['CLSobel5x5VertKernel',['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a15a2d4d168650689f736d743175286ee',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a4220fd68c0d53a451064da8154bd424e',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#ab6450493472e18b0f6696826464a07fd',1,'arm_compute::CLSobel5x5VertKernel::CLSobel5x5VertKernel(CLSobel5x5VertKernel &&)=default']]], ['clsobel7x7',['CLSobel7x7',['../classarm__compute_1_1_c_l_sobel7x7.xhtml',1,'arm_compute']]], + ['clsobel7x7',['CLSobel7x7',['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ae05835744b5902526718650f0e059a13',1,'arm_compute::CLSobel7x7']]], ['clsobel7x7_2eh',['CLSobel7x7.h',['../_c_l_sobel7x7_8h.xhtml',1,'']]], - ['clsobel7x7horkernel',['CLSobel7x7HorKernel',['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml',1,'arm_compute']]], ['clsobel7x7horkernel',['CLSobel7x7HorKernel',['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a90ad84a7cbb27dfb01c523e571f81289',1,'arm_compute::CLSobel7x7HorKernel::CLSobel7x7HorKernel()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a96b02bf0fad53d4b4572867f156f7a14',1,'arm_compute::CLSobel7x7HorKernel::CLSobel7x7HorKernel(const CLSobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a47960aeb216dbb7133ae2057fcb85211',1,'arm_compute::CLSobel7x7HorKernel::CLSobel7x7HorKernel(CLSobel7x7HorKernel &&)=default']]], + ['clsobel7x7horkernel',['CLSobel7x7HorKernel',['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml',1,'arm_compute']]], ['clsobel7x7kernel_2eh',['CLSobel7x7Kernel.h',['../_c_l_sobel7x7_kernel_8h.xhtml',1,'']]], - ['clsobel7x7vertkernel',['CLSobel7x7VertKernel',['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a95c6c9a6fbe13b880ae4b6a9805648c9',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ab34a49135ba91725dbf522765caa2b13',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a1b89215b6512d29c454f1842c2732845',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel(CLSobel7x7VertKernel &&)=default']]], ['clsobel7x7vertkernel',['CLSobel7x7VertKernel',['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml',1,'arm_compute']]], - ['clsoftmaxlayer',['CLSoftmaxLayer',['../classarm__compute_1_1_c_l_softmax_layer.xhtml',1,'arm_compute']]], + ['clsobel7x7vertkernel',['CLSobel7x7VertKernel',['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a95c6c9a6fbe13b880ae4b6a9805648c9',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#ab34a49135ba91725dbf522765caa2b13',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a1b89215b6512d29c454f1842c2732845',1,'arm_compute::CLSobel7x7VertKernel::CLSobel7x7VertKernel(CLSobel7x7VertKernel &&)=default']]], ['clsoftmaxlayer',['CLSoftmaxLayer',['../classarm__compute_1_1_c_l_softmax_layer.xhtml#a8c789029aab57e2c8ce68cebddb26701',1,'arm_compute::CLSoftmaxLayer']]], + ['clsoftmaxlayer',['CLSoftmaxLayer',['../classarm__compute_1_1_c_l_softmax_layer.xhtml',1,'arm_compute']]], ['clsoftmaxlayer_2eh',['CLSoftmaxLayer.h',['../_c_l_softmax_layer_8h.xhtml',1,'']]], ['clsoftmaxlayerkernel_2eh',['CLSoftmaxLayerKernel.h',['../_c_l_softmax_layer_kernel_8h.xhtml',1,'']]], ['cltablelookup',['CLTableLookup',['../classarm__compute_1_1_c_l_table_lookup.xhtml',1,'arm_compute']]], ['cltablelookup_2eh',['CLTableLookup.h',['../_c_l_table_lookup_8h.xhtml',1,'']]], ['cltablelookupkernel',['CLTableLookupKernel',['../classarm__compute_1_1_c_l_table_lookup_kernel.xhtml',1,'arm_compute']]], ['cltablelookupkernel_2eh',['CLTableLookupKernel.h',['../_c_l_table_lookup_kernel_8h.xhtml',1,'']]], - ['cltensor',['CLTensor',['../classarm__compute_1_1_c_l_tensor.xhtml#a7fa2f475bb0d2ad03746bc814fea580e',1,'arm_compute::CLTensor']]], ['cltensor',['CLTensor',['../classarm__compute_1_1_c_l_tensor.xhtml',1,'arm_compute']]], + ['cltensor',['CLTensor',['../classarm__compute_1_1_c_l_tensor.xhtml#a7fa2f475bb0d2ad03746bc814fea580e',1,'arm_compute::CLTensor']]], ['cltensor_2eh',['CLTensor.h',['../_c_l_tensor_8h.xhtml',1,'']]], - ['cltensorallocator',['CLTensorAllocator',['../classarm__compute_1_1_c_l_tensor_allocator.xhtml',1,'arm_compute']]], ['cltensorallocator',['CLTensorAllocator',['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#aeefb9e89ef3d8c2a54335bd4db0cda45',1,'arm_compute::CLTensorAllocator::CLTensorAllocator()'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a6172726c0856dd159f491aa0c4c37022',1,'arm_compute::CLTensorAllocator::CLTensorAllocator(const CLTensorAllocator &)=delete'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a4b47d05b98222ee556784032d684637e',1,'arm_compute::CLTensorAllocator::CLTensorAllocator(CLTensorAllocator &&)=default']]], + ['cltensorallocator',['CLTensorAllocator',['../classarm__compute_1_1_c_l_tensor_allocator.xhtml',1,'arm_compute']]], ['cltensorallocator_2eh',['CLTensorAllocator.h',['../_c_l_tensor_allocator_8h.xhtml',1,'']]], ['clthreshold',['CLThreshold',['../classarm__compute_1_1_c_l_threshold.xhtml',1,'arm_compute']]], ['clthreshold_2eh',['CLThreshold.h',['../_c_l_threshold_8h.xhtml',1,'']]], @@ -458,7 +460,7 @@ var searchData= ['compute_5fstrides',['compute_strides',['../namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32',1,'arm_compute::compute_strides(const TensorInfo &info, T stride_x, Ts &&...fixed_strides)'],['../namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707',1,'arm_compute::compute_strides(const TensorInfo &info)']]], ['compute_5ftype',['COMPUTE_TYPE',['../convolution5x5_8cl.xhtml#a26babb0c719990ecbdf3abc6de920875',1,'COMPUTE_TYPE(): convolution5x5.cl'],['../convolution7x7_8cl.xhtml#a26babb0c719990ecbdf3abc6de920875',1,'COMPUTE_TYPE(): convolution7x7.cl'],['../convolution9x9_8cl.xhtml#a26babb0c719990ecbdf3abc6de920875',1,'COMPUTE_TYPE(): convolution9x9.cl']]], ['compute_5fvalid_5fregion',['compute_valid_region',['../classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74',1,'arm_compute::AccessWindowAutoPadding::compute_valid_region() const '],['../classarm__compute_1_1_access_window_auto_padding.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowAutoPadding::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override'],['../classarm__compute_1_1_access_window_static.xhtml#aab85c0fd0e72d231aad894f28f12528b',1,'arm_compute::AccessWindowStatic::compute_valid_region(const Window &window, ValidRegion input_valid_region) const '],['../classarm__compute_1_1_access_window_static.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowStatic::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override'],['../classarm__compute_1_1_access_window_transpose.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowTranspose::compute_valid_region()'],['../classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9',1,'arm_compute::IAccessWindow::compute_valid_region()'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a982d6e438dabc0d759d01464fe939cfd',1,'arm_compute::AccessWindowRectangle::compute_valid_region(const Window &window, const ValidRegion &input_valid_region) const '],['../classarm__compute_1_1_access_window_rectangle.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowRectangle::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override']]], - ['configure',['configure',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae',1,'arm_compute::ICLSimpleKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_kernel.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulateKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAndKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNotKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOrKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXorKernel::configure()'],['../classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLBox3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101',1,'arm_compute::CLGradientKernel::configure()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a209e05c2e2bf4d5fb2b9e3f75c7d79aa',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#af4b40677259a11edd3e83e82c1c6dd9d',1,'arm_compute::CLEdgeTraceKernel::configure()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombineKernel::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombineKernel::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtractKernel::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtractKernel::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99',1,'arm_compute::CLCol2ImKernel::configure()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvertKernel::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvertKernel::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb',1,'arm_compute::CLConvolutionKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f',1,'arm_compute::CLSeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436',1,'arm_compute::CLSeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#abcf9df2e9d1da8abf27ca1678951673f',1,'arm_compute::CLConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a74f55a4d6b772d24f720905b5edd8cb0',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_c_l_depth_convert_kernel.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvertKernel::configure()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLDerivativeKernel::configure()'],['../classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLDilateKernel::configure()'],['../classarm__compute_1_1_c_l_erode_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLErodeKernel::configure()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a84deccfff9f686445194594e058284bf',1,'arm_compute::CLFastCornersKernel::configure()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a1d8f06853b678915058ff9e8259948b3',1,'arm_compute::CLCopyToArrayKernel::configure()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06',1,'arm_compute::CLFillBorderKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63',1,'arm_compute::CLGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128',1,'arm_compute::CLGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be',1,'arm_compute::CLHarrisScoreKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramBorderKernel::configure()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7',1,'arm_compute::CLIm2ColKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImageHorKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf',1,'arm_compute::CLIntegralImageVertKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa',1,'arm_compute::CLLKTrackerInitKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5',1,'arm_compute::CLLKTrackerFinalizeKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3',1,'arm_compute::CLLKTrackerStage0Kernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64',1,'arm_compute::CLLKTrackerStage1Kernel::configure()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9',1,'arm_compute::CLMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082',1,'arm_compute::CLMeanStdDevKernel::configure()'],['../classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLMedian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9',1,'arm_compute::CLMinMaxKernel::configure()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f',1,'arm_compute::CLMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319',1,'arm_compute::CLNonLinearFilterKernel::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLNonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc',1,'arm_compute::CLNormalizationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c',1,'arm_compute::CLPoolingLayerKernel::configure()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3',1,'arm_compute::CLRemapKernel::configure()'],['../classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26',1,'arm_compute::CLScaleKernel::configure()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLScharr3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel7x7HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel7x7VertKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLLogits1DMaxKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4',1,'arm_compute::CLLogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571',1,'arm_compute::CLLogits1DNormKernel::configure()'],['../classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookupKernel::configure()'],['../classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de',1,'arm_compute::CLThresholdKernel::configure()'],['../classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTransposeKernel::configure()'],['../classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpAffineKernel::configure()'],['../classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpPerspectiveKernel::configure()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632',1,'arm_compute::CPPCornerCandidatesKernel::configure()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452',1,'arm_compute::CPPSortEuclideanDistanceKernel::configure()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b',1,'arm_compute::NEAccumulateKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a',1,'arm_compute::NEAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663',1,'arm_compute::NEAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAndKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNotKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOrKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXorKernel::configure()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEBox3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e',1,'arm_compute::NEGradientKernel::configure()'],['../classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448',1,'arm_compute::NEGradientFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NEEdgeTraceKernel::configure()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombineKernel::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombineKernel::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtractKernel::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtractKernel::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5',1,'arm_compute::NECol2ImKernel::configure()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvertKernel::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvertKernel::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222',1,'arm_compute::NEConvolutionKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625',1,'arm_compute::NESeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22',1,'arm_compute::NESeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9',1,'arm_compute::NEConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833',1,'arm_compute::NECumulativeDistributionKernel::configure()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvertKernel::configure()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEDerivativeKernel::configure()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEDilateKernel::configure()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEErodeKernel::configure()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc',1,'arm_compute::NEFastCornersKernel::configure()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43',1,'arm_compute::NEFillArrayKernel::configure()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6',1,'arm_compute::NEFillBorderKernel::configure()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a',1,'arm_compute::NEFillInnerBorderKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934',1,'arm_compute::NEGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1',1,'arm_compute::NEGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec',1,'arm_compute::INEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut)'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output)'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#af3f8935e8d727cac24aebf398ee72ee5',1,'arm_compute::NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *window_lut, const unsigned int hist_elements_per_thread)'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b',1,'arm_compute::NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, const unsigned int hist_elements_per_thread)'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05',1,'arm_compute::NEHOGOrientationBinningKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5',1,'arm_compute::NEHOGBlockNormalizationKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632',1,'arm_compute::NEHOGDetectorKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4',1,'arm_compute::NEIm2ColKernel::configure()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImageKernel::configure()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029',1,'arm_compute::NELKTrackerKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb',1,'arm_compute::NEMeanStdDevKernel::configure()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEMedian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823',1,'arm_compute::NEMinMaxKernel::configure()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3',1,'arm_compute::NENonLinearFilterKernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3FP16Kernel::configure()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166',1,'arm_compute::NENormalizationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c',1,'arm_compute::NEPoolingLayerKernel::configure()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616',1,'arm_compute::NERemapKernel::configure()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699',1,'arm_compute::NEScaleKernel::configure()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEScharr3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3',1,'arm_compute::NESobel5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel7x7HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae',1,'arm_compute::NESobel7x7VertKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NELogits1DMaxKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b',1,'arm_compute::NELogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5',1,'arm_compute::NELogits1DNormKernel::configure()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookupKernel::configure()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e',1,'arm_compute::NEThresholdKernel::configure()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETransposeKernel::configure()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0',1,'arm_compute::INEWarpKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifference::configure()'],['../classarm__compute_1_1_c_l_accumulate.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulate::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeighted::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquared::configure()'],['../classarm__compute_1_1_c_l_activation_layer.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayer::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAddition::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtraction::configure()'],['../classarm__compute_1_1_c_l_bitwise_and.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAnd::configure()'],['../classarm__compute_1_1_c_l_bitwise_not.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNot::configure()'],['../classarm__compute_1_1_c_l_bitwise_or.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOr::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXor::configure()'],['../classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLBox3x3::configure()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d',1,'arm_compute::CLCannyEdge::configure()'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombine::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombine::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtract::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtract::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvert::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvert::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolution3x3::configure()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolutionSquare::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2',1,'arm_compute::CLConvolutionRectangle::configure()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#a0e2cfb6fb263bd6f761756c816574345',1,'arm_compute::CLConvolutionLayer::configure()'],['../classarm__compute_1_1_c_l_depth_convert.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvert::configure()'],['../classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLDerivative::configure()'],['../classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLDilate::configure()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#a78c50e58e4c8be6de11ac6e78ca02eff',1,'arm_compute::CLEqualizeHistogram::configure()'],['../classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLErode::configure()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c',1,'arm_compute::CLFastCorners::configure()'],['../classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5',1,'arm_compute::CLFillBorder::configure()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#a359533338d3ce0b6e598796ca2f3d938',1,'arm_compute::CLFullyConnectedLayer::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian3x3::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian5x5::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb',1,'arm_compute::CLGaussianPyramid::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f',1,'arm_compute::CLGEMM::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79',1,'arm_compute::CLGEMMLowp::configure()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2',1,'arm_compute::CLHarrisCorners::configure()'],['../classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogram::configure()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImage::configure()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4',1,'arm_compute::CLLaplacianPyramid::configure()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec',1,'arm_compute::CLLaplacianReconstruct::configure()'],['../classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2',1,'arm_compute::CLMagnitude::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321',1,'arm_compute::CLMeanStdDev::configure()'],['../classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLMedian3x3::configure()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce',1,'arm_compute::CLMinMaxLocation::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee',1,'arm_compute::CLNonLinearFilter::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59',1,'arm_compute::CLNonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da',1,'arm_compute::CLNormalizationLayer::configure()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601',1,'arm_compute::CLOpticalFlow::configure()'],['../classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa',1,'arm_compute::CLPhase::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa',1,'arm_compute::CLPoolingLayer::configure()'],['../classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a',1,'arm_compute::CLRemap::configure()'],['../classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22',1,'arm_compute::CLScale::configure()'],['../classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLScharr3x3::configure()'],['../classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel3x3::configure()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel5x5::configure()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel7x7::configure()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLSoftmaxLayer::configure()'],['../classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookup::configure()'],['../classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb',1,'arm_compute::CLThreshold::configure()'],['../classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTranspose::configure()'],['../classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpAffine::configure()'],['../classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpPerspective::configure()'],['../classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifference::configure()'],['../classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEAccumulate::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844',1,'arm_compute::NEAccumulateWeighted::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08',1,'arm_compute::NEAccumulateSquared::configure()'],['../classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayer::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAddition::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtraction::configure()'],['../classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAnd::configure()'],['../classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNot::configure()'],['../classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOr::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXor::configure()'],['../classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7',1,'arm_compute::NEBox3x3::configure()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0',1,'arm_compute::NECannyEdge::configure()'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombine::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombine::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtract::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtract::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvert::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvert::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution3x3::configure()'],['../classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution5x5::configure()'],['../classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution7x7::configure()'],['../classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution9x9::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0',1,'arm_compute::NEConvolutionRectangle::configure()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a',1,'arm_compute::NEConvolutionLayer::configure()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvert::configure()'],['../classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEDerivative::configure()'],['../classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEDilate::configure()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c',1,'arm_compute::NEEqualizeHistogram::configure()'],['../classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEErode::configure()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c',1,'arm_compute::NEFastCorners::configure()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6',1,'arm_compute::NEFillBorder::configure()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4',1,'arm_compute::NEFullyConnectedLayer::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian3x3::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian5x5::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba',1,'arm_compute::NEGaussianPyramid::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f',1,'arm_compute::NEGEMM::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b',1,'arm_compute::NEGEMMLowp::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xW::configure()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3',1,'arm_compute::NEHarrisCorners::configure()'],['../classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogram::configure()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4',1,'arm_compute::NEHOGDescriptor::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115',1,'arm_compute::NEHOGDetector::configure()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa',1,'arm_compute::NEHOGGradient::configure()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271',1,'arm_compute::NEHOGMultiDetection::configure()'],['../classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImage::configure()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351',1,'arm_compute::NELaplacianPyramid::configure()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63',1,'arm_compute::NELaplacianReconstruct::configure()'],['../classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f',1,'arm_compute::NEMagnitude::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25',1,'arm_compute::NEMeanStdDev::configure()'],['../classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEMedian3x3::configure()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocation::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8',1,'arm_compute::NENonLinearFilter::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4',1,'arm_compute::NENonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb',1,'arm_compute::NENormalizationLayer::configure()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c',1,'arm_compute::NEOpticalFlow::configure()'],['../classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEPhase::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568',1,'arm_compute::NEPoolingLayer::configure()'],['../classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9',1,'arm_compute::NERemap::configure()'],['../classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940',1,'arm_compute::NEScale::configure()'],['../classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEScharr3x3::configure()'],['../classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel3x3::configure()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel5x5::configure()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel7x7::configure()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NESoftmaxLayer::configure()'],['../classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookup::configure()'],['../classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c',1,'arm_compute::NEThreshold::configure()'],['../classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETranspose::configure()'],['../classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpAffine::configure()'],['../classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpPerspective::configure()']]], + ['configure',['configure',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae',1,'arm_compute::ICLSimpleKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_kernel.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulateKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAndKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNotKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOrKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXorKernel::configure()'],['../classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLBox3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101',1,'arm_compute::CLGradientKernel::configure()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a209e05c2e2bf4d5fb2b9e3f75c7d79aa',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#af4b40677259a11edd3e83e82c1c6dd9d',1,'arm_compute::CLEdgeTraceKernel::configure()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombineKernel::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombineKernel::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtractKernel::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtractKernel::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99',1,'arm_compute::CLCol2ImKernel::configure()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvertKernel::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvertKernel::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb',1,'arm_compute::CLConvolutionKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f',1,'arm_compute::CLSeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436',1,'arm_compute::CLSeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#abcf9df2e9d1da8abf27ca1678951673f',1,'arm_compute::CLConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a74f55a4d6b772d24f720905b5edd8cb0',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_c_l_depth_convert_kernel.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvertKernel::configure()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLDerivativeKernel::configure()'],['../classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLDilateKernel::configure()'],['../classarm__compute_1_1_c_l_erode_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLErodeKernel::configure()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a84deccfff9f686445194594e058284bf',1,'arm_compute::CLFastCornersKernel::configure()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a1d8f06853b678915058ff9e8259948b3',1,'arm_compute::CLCopyToArrayKernel::configure()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06',1,'arm_compute::CLFillBorderKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63',1,'arm_compute::CLGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128',1,'arm_compute::CLGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be',1,'arm_compute::CLHarrisScoreKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramBorderKernel::configure()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7',1,'arm_compute::CLIm2ColKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImageHorKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf',1,'arm_compute::CLIntegralImageVertKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa',1,'arm_compute::CLLKTrackerInitKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5',1,'arm_compute::CLLKTrackerFinalizeKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3',1,'arm_compute::CLLKTrackerStage0Kernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64',1,'arm_compute::CLLKTrackerStage1Kernel::configure()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9',1,'arm_compute::CLMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082',1,'arm_compute::CLMeanStdDevKernel::configure()'],['../classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLMedian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9',1,'arm_compute::CLMinMaxKernel::configure()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f',1,'arm_compute::CLMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319',1,'arm_compute::CLNonLinearFilterKernel::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLNonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc',1,'arm_compute::CLNormalizationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c',1,'arm_compute::CLPoolingLayerKernel::configure()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3',1,'arm_compute::CLRemapKernel::configure()'],['../classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26',1,'arm_compute::CLScaleKernel::configure()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLScharr3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel7x7HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel7x7VertKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLLogits1DMaxKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4',1,'arm_compute::CLLogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571',1,'arm_compute::CLLogits1DNormKernel::configure()'],['../classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookupKernel::configure()'],['../classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de',1,'arm_compute::CLThresholdKernel::configure()'],['../classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTransposeKernel::configure()'],['../classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpAffineKernel::configure()'],['../classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpPerspectiveKernel::configure()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632',1,'arm_compute::CPPCornerCandidatesKernel::configure()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452',1,'arm_compute::CPPSortEuclideanDistanceKernel::configure()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b',1,'arm_compute::NEAccumulateKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a',1,'arm_compute::NEAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663',1,'arm_compute::NEAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAndKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNotKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOrKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXorKernel::configure()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEBox3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e',1,'arm_compute::NEGradientKernel::configure()'],['../classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448',1,'arm_compute::NEGradientFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NEEdgeTraceKernel::configure()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombineKernel::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombineKernel::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtractKernel::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtractKernel::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5',1,'arm_compute::NECol2ImKernel::configure()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvertKernel::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvertKernel::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222',1,'arm_compute::NEConvolutionKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625',1,'arm_compute::NESeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22',1,'arm_compute::NESeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9',1,'arm_compute::NEConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833',1,'arm_compute::NECumulativeDistributionKernel::configure()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvertKernel::configure()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEDerivativeKernel::configure()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEDilateKernel::configure()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEErodeKernel::configure()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc',1,'arm_compute::NEFastCornersKernel::configure()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43',1,'arm_compute::NEFillArrayKernel::configure()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6',1,'arm_compute::NEFillBorderKernel::configure()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a',1,'arm_compute::NEFillInnerBorderKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934',1,'arm_compute::NEGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1',1,'arm_compute::NEGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec',1,'arm_compute::INEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut)'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output)'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05',1,'arm_compute::NEHOGOrientationBinningKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5',1,'arm_compute::NEHOGBlockNormalizationKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632',1,'arm_compute::NEHOGDetectorKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4',1,'arm_compute::NEIm2ColKernel::configure()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImageKernel::configure()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d',1,'arm_compute::NELKTrackerKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb',1,'arm_compute::NEMeanStdDevKernel::configure()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEMedian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823',1,'arm_compute::NEMinMaxKernel::configure()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3',1,'arm_compute::NENonLinearFilterKernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3FP16Kernel::configure()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166',1,'arm_compute::NENormalizationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c',1,'arm_compute::NEPoolingLayerKernel::configure()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616',1,'arm_compute::NERemapKernel::configure()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699',1,'arm_compute::NEScaleKernel::configure()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEScharr3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3',1,'arm_compute::NESobel5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel7x7HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae',1,'arm_compute::NESobel7x7VertKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NELogits1DMaxKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b',1,'arm_compute::NELogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5',1,'arm_compute::NELogits1DNormKernel::configure()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookupKernel::configure()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e',1,'arm_compute::NEThresholdKernel::configure()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETransposeKernel::configure()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0',1,'arm_compute::INEWarpKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifference::configure()'],['../classarm__compute_1_1_c_l_accumulate.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulate::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeighted::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquared::configure()'],['../classarm__compute_1_1_c_l_activation_layer.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayer::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAddition::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtraction::configure()'],['../classarm__compute_1_1_c_l_bitwise_and.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAnd::configure()'],['../classarm__compute_1_1_c_l_bitwise_not.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNot::configure()'],['../classarm__compute_1_1_c_l_bitwise_or.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOr::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXor::configure()'],['../classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLBox3x3::configure()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d',1,'arm_compute::CLCannyEdge::configure()'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombine::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombine::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtract::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtract::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvert::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvert::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolution3x3::configure()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolutionSquare::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2',1,'arm_compute::CLConvolutionRectangle::configure()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#a0e2cfb6fb263bd6f761756c816574345',1,'arm_compute::CLConvolutionLayer::configure()'],['../classarm__compute_1_1_c_l_depth_convert.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvert::configure()'],['../classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLDerivative::configure()'],['../classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLDilate::configure()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#a78c50e58e4c8be6de11ac6e78ca02eff',1,'arm_compute::CLEqualizeHistogram::configure()'],['../classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLErode::configure()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c',1,'arm_compute::CLFastCorners::configure()'],['../classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5',1,'arm_compute::CLFillBorder::configure()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#a359533338d3ce0b6e598796ca2f3d938',1,'arm_compute::CLFullyConnectedLayer::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian3x3::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian5x5::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb',1,'arm_compute::CLGaussianPyramid::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f',1,'arm_compute::CLGEMM::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79',1,'arm_compute::CLGEMMLowp::configure()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2',1,'arm_compute::CLHarrisCorners::configure()'],['../classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogram::configure()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImage::configure()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4',1,'arm_compute::CLLaplacianPyramid::configure()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec',1,'arm_compute::CLLaplacianReconstruct::configure()'],['../classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2',1,'arm_compute::CLMagnitude::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321',1,'arm_compute::CLMeanStdDev::configure()'],['../classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLMedian3x3::configure()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce',1,'arm_compute::CLMinMaxLocation::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee',1,'arm_compute::CLNonLinearFilter::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59',1,'arm_compute::CLNonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da',1,'arm_compute::CLNormalizationLayer::configure()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601',1,'arm_compute::CLOpticalFlow::configure()'],['../classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa',1,'arm_compute::CLPhase::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa',1,'arm_compute::CLPoolingLayer::configure()'],['../classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a',1,'arm_compute::CLRemap::configure()'],['../classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22',1,'arm_compute::CLScale::configure()'],['../classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLScharr3x3::configure()'],['../classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel3x3::configure()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel5x5::configure()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel7x7::configure()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLSoftmaxLayer::configure()'],['../classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookup::configure()'],['../classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb',1,'arm_compute::CLThreshold::configure()'],['../classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTranspose::configure()'],['../classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpAffine::configure()'],['../classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpPerspective::configure()'],['../classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifference::configure()'],['../classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEAccumulate::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844',1,'arm_compute::NEAccumulateWeighted::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08',1,'arm_compute::NEAccumulateSquared::configure()'],['../classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayer::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAddition::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtraction::configure()'],['../classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAnd::configure()'],['../classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNot::configure()'],['../classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOr::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXor::configure()'],['../classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7',1,'arm_compute::NEBox3x3::configure()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0',1,'arm_compute::NECannyEdge::configure()'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombine::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombine::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtract::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtract::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvert::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvert::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution3x3::configure()'],['../classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolutionSquare::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0',1,'arm_compute::NEConvolutionRectangle::configure()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a',1,'arm_compute::NEConvolutionLayer::configure()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvert::configure()'],['../classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEDerivative::configure()'],['../classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEDilate::configure()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c',1,'arm_compute::NEEqualizeHistogram::configure()'],['../classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEErode::configure()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c',1,'arm_compute::NEFastCorners::configure()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6',1,'arm_compute::NEFillBorder::configure()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4',1,'arm_compute::NEFullyConnectedLayer::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian3x3::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian5x5::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba',1,'arm_compute::NEGaussianPyramid::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f',1,'arm_compute::NEGEMM::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b',1,'arm_compute::NEGEMMLowp::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xW::configure()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3',1,'arm_compute::NEHarrisCorners::configure()'],['../classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogram::configure()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4',1,'arm_compute::NEHOGDescriptor::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115',1,'arm_compute::NEHOGDetector::configure()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa',1,'arm_compute::NEHOGGradient::configure()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271',1,'arm_compute::NEHOGMultiDetection::configure()'],['../classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImage::configure()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351',1,'arm_compute::NELaplacianPyramid::configure()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63',1,'arm_compute::NELaplacianReconstruct::configure()'],['../classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f',1,'arm_compute::NEMagnitude::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25',1,'arm_compute::NEMeanStdDev::configure()'],['../classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEMedian3x3::configure()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocation::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8',1,'arm_compute::NENonLinearFilter::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4',1,'arm_compute::NENonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb',1,'arm_compute::NENormalizationLayer::configure()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c',1,'arm_compute::NEOpticalFlow::configure()'],['../classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEPhase::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568',1,'arm_compute::NEPoolingLayer::configure()'],['../classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9',1,'arm_compute::NERemap::configure()'],['../classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940',1,'arm_compute::NEScale::configure()'],['../classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEScharr3x3::configure()'],['../classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel3x3::configure()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel5x5::configure()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel7x7::configure()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NESoftmaxLayer::configure()'],['../classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookup::configure()'],['../classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c',1,'arm_compute::NEThreshold::configure()'],['../classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETranspose::configure()'],['../classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpAffine::configure()'],['../classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpPerspective::configure()']]], ['constant',['CONSTANT',['../namespacearm__compute.xhtml#a15a05537a472ee742404821851529327a8d6b5cada83510220f59e00ce86d4d92',1,'arm_compute']]], ['constant_5fborder_5fvalue',['CONSTANT_BORDER_VALUE',['../namespacearm__compute.xhtml#a3fed059965fe44cbe7ed4091d6b63acf',1,'arm_compute']]], ['context',['context',['../classarm__compute_1_1_c_l_scheduler.xhtml#a252f5440564c77d68459f2baa978f86a',1,'arm_compute::CLScheduler']]], @@ -510,8 +512,8 @@ var searchData= ['convolution_5fseparable5x1_5fstatic',['convolution_separable5x1_static',['../convolution5x5_8cl.xhtml#afafa1a261166012b37a2cae3130b6b33',1,'convolution5x5.cl']]], ['convolution_5fseparable7x1_5fstatic',['convolution_separable7x1_static',['../convolution7x7_8cl.xhtml#a27d964d8bf6620c7e9960e895df40ade',1,'convolution7x7.cl']]], ['convolution_5fseparable9x1_5fstatic',['convolution_separable9x1_static',['../convolution9x9_8cl.xhtml#ae1941d028c5183ce9c021a8428dbc494',1,'convolution9x9.cl']]], - ['coordinates',['Coordinates',['../classarm__compute_1_1_coordinates.xhtml#a239f2b827ffcce1775c799127c23b6ef',1,'arm_compute::Coordinates::Coordinates(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#af0932a8bda967c148ce619613f77fcdd',1,'arm_compute::Coordinates::Coordinates(Coordinates &&)=default']]], ['coordinates',['Coordinates',['../classarm__compute_1_1_coordinates.xhtml',1,'arm_compute']]], + ['coordinates',['Coordinates',['../classarm__compute_1_1_coordinates.xhtml#a239f2b827ffcce1775c799127c23b6ef',1,'arm_compute::Coordinates::Coordinates(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#af0932a8bda967c148ce619613f77fcdd',1,'arm_compute::Coordinates::Coordinates(Coordinates &&)=default']]], ['coordinates_2eh',['Coordinates.h',['../_coordinates_8h.xhtml',1,'']]], ['coordinates2d',['Coordinates2D',['../structarm__compute_1_1_coordinates2_d.xhtml',1,'arm_compute']]], ['coordinates2d',['Coordinates2D',['../struct_coordinates2_d.xhtml',1,'Coordinates2D'],['../types_8h.xhtml#a01e5153f1ee101314312c0885a1dc968',1,'Coordinates2D(): types.h']]], @@ -527,8 +529,8 @@ var searchData= ['cppkernels_2eh',['CPPKernels.h',['../_c_p_p_kernels_8h.xhtml',1,'']]], ['cppscheduler',['CPPScheduler',['../classarm__compute_1_1_c_p_p_scheduler.xhtml',1,'arm_compute']]], ['cppscheduler_2eh',['CPPScheduler.h',['../_c_p_p_scheduler_8h.xhtml',1,'']]], - ['cppsorteuclideandistancekernel',['CPPSortEuclideanDistanceKernel',['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a2a7a5f9ca6b6738a340938d5ea7b20b8',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a9c1505ea86b0f053bad9e7a595c30f82',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aacec9eede61860a3971a85c54b6a5066',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel(CPPSortEuclideanDistanceKernel &&)=default']]], ['cppsorteuclideandistancekernel',['CPPSortEuclideanDistanceKernel',['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml',1,'arm_compute']]], + ['cppsorteuclideandistancekernel',['CPPSortEuclideanDistanceKernel',['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a2a7a5f9ca6b6738a340938d5ea7b20b8',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a9c1505ea86b0f053bad9e7a595c30f82',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aacec9eede61860a3971a85c54b6a5066',1,'arm_compute::CPPSortEuclideanDistanceKernel::CPPSortEuclideanDistanceKernel(CPPSortEuclideanDistanceKernel &&)=default']]], ['cppsorteuclideandistancekernel_2eh',['CPPSortEuclideanDistanceKernel.h',['../_c_p_p_sort_euclidean_distance_kernel_8h.xhtml',1,'']]], ['create_5fkernel',['create_kernel',['../classarm__compute_1_1_c_l_kernel_library.xhtml#a07b37240bd1f09e36cf119dced79f9c4',1,'arm_compute::CLKernelLibrary']]], ['create_5fsubimage',['create_subimage',['../classarm__compute_1_1_multi_image.xhtml#abd476c5b253ba7cfff71fc2f782d2688',1,'arm_compute::MultiImage']]], diff --git a/documentation/search/all_4.js b/documentation/search/all_4.js index 6088a1564..d377f03b0 100644 --- a/documentation/search/all_4.js +++ b/documentation/search/all_4.js @@ -42,7 +42,7 @@ var searchData= ['distribution1d',['Distribution1D',['../classarm__compute_1_1_distribution1_d.xhtml',1,'arm_compute']]], ['distribution1d_2eh',['Distribution1D.h',['../_distribution1_d_8h.xhtml',1,'']]], ['div_5fceil',['DIV_CEIL',['../namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41',1,'arm_compute']]], - ['draw_5fdetection_5frectangle',['draw_detection_rectangle',['../namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0',1,'test_helpers']]], + ['draw_5fdetection_5frectangle',['draw_detection_rectangle',['../namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357',1,'test_helpers']]], ['dummy',['dummy',['../structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9',1,'arm_compute::CLLKInternalKeypoint::dummy()'],['../structarm__compute_1_1_c_l_old_value.xhtml#a7531a17738ce5ec5517e2d160e7508a0',1,'arm_compute::CLOldValue::dummy()'],['../struct_internal_keypoint.xhtml#aaf67d90c5e431e85ea2b7681537beab9',1,'InternalKeypoint::dummy()']]], ['documentation',['Documentation',['../index.xhtml',1,'']]] ]; diff --git a/documentation/search/all_5.js b/documentation/search/all_5.js index e7fd381d0..b1a26ee2c 100644 --- a/documentation/search/all_5.js +++ b/documentation/search/all_5.js @@ -6,7 +6,7 @@ var searchData= ['element_5fsize',['element_size',['../classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e',1,'arm_compute::TensorInfo']]], ['element_5fsize_5ffrom_5fdata_5ftype',['element_size_from_data_type',['../namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0',1,'arm_compute']]], ['empty',['empty',['../structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4',1,'arm_compute::BorderSize']]], - ['end',['end',['../classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59',1,'arm_compute::Dimensions::end()'],['../classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170',1,'arm_compute::Dimensions::end() const '],['../classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b',1,'arm_compute::Window::Dimension::end()']]], + ['end',['end',['../classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59',1,'arm_compute::Dimensions::end()'],['../classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170',1,'arm_compute::Dimensions::end() const '],['../structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620',1,'arm_compute::ValidRegion::end()'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b',1,'arm_compute::Window::Dimension::end()']]], ['enqueue',['enqueue',['../classarm__compute_1_1_c_l_scheduler.xhtml#ae1a643e517f50bf0392fb6516dd7cf67',1,'arm_compute::CLScheduler::enqueue()'],['../namespacearm__compute.xhtml#a22af22ebac966b76e8553127064201a2',1,'arm_compute::enqueue()']]], ['enqueue_5fsync_5fevent',['enqueue_sync_event',['../classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f',1,'arm_compute::CLScheduler']]], ['erode',['erode',['../erode_8cl.xhtml#a8b30acf5b6e25e473275a1e3f400054a',1,'erode.cl']]], diff --git a/documentation/search/all_6.js b/documentation/search/all_6.js index 90ff9a63a..358942796 100644 --- a/documentation/search/all_6.js +++ b/documentation/search/all_6.js @@ -20,5 +20,6 @@ var searchData= ['flt_5fscale',['FLT_SCALE',['../optical__flow__pyramid__lk_8cl.xhtml#a1852457538f524c42f96b66882bd9b35',1,'optical_flow_pyramid_lk.cl']]], ['force_5fnumber_5fof_5fthreads',['force_number_of_threads',['../classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef',1,'arm_compute::CPPScheduler']]], ['format',['format',['../classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::MultiImageInfo::format()'],['../classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::PyramidInfo::format()'],['../classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::TensorInfo::format()'],['../namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58',1,'arm_compute::Format()']]], + ['free',['free',['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974',1,'arm_compute::CLTensorAllocator::free()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683',1,'arm_compute::ITensorAllocator::free()'],['../classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974',1,'arm_compute::TensorAllocator::free()']]], ['full',['Full',['../structarm__compute_1_1_i_o_format_info.xhtml#a36c28b28da4e04d698d6b598fb1eaca6abbd47109890259c0127154db1af26c75',1,'arm_compute::IOFormatInfo::Full()'],['../structarm__compute_1_1_i_o_format_info.xhtml#ae283722f31a4c59039f9abd44f10dbd0abbd47109890259c0127154db1af26c75',1,'arm_compute::IOFormatInfo::Full()']]] ]; diff --git a/documentation/search/all_7.js b/documentation/search/all_7.js index 8d0b7e374..07c6f7c15 100644 --- a/documentation/search/all_7.js +++ b/documentation/search/all_7.js @@ -9,9 +9,9 @@ var searchData= ['gemm_2ecl',['gemm.cl',['../gemm_8cl.xhtml',1,'']]], ['gemm_5faccumulate_5fbiases_5ff16',['gemm_accumulate_biases_f16',['../gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8',1,'gemm.cl']]], ['gemm_5faccumulate_5fbiases_5ff32',['gemm_accumulate_biases_f32',['../gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5ff16',['gemm_interleave4x4_f16',['../gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5ff32',['gemm_interleave4x4_f32',['../gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5fu8',['gemm_interleave4x4_u8',['../gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f16bit',['gemm_interleave4x4_16bit',['../gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f32bit',['gemm_interleave4x4_32bit',['../gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f8bit',['gemm_interleave4x4_8bit',['../gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45',1,'gemm.cl']]], ['gemm_5ftranspose1x16_5fu8',['gemm_transpose1x16_u8',['../gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3',1,'gemm.cl']]], ['gemm_5ftranspose1x4_5ff32',['gemm_transpose1x4_f32',['../gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1',1,'gemm.cl']]], ['gemm_5ftranspose1x8_5ff16',['gemm_transpose1x8_f16',['../gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374',1,'gemm.cl']]], diff --git a/documentation/search/all_9.js b/documentation/search/all_9.js index 67dfb1619..f3b69ab0e 100644 --- a/documentation/search/all_9.js +++ b/documentation/search/all_9.js @@ -41,7 +41,7 @@ var searchData= ['iclsimplekernel',['ICLSimpleKernel',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml',1,'arm_compute']]], ['iclsimplekernel_2eh',['ICLSimpleKernel.h',['../_i_c_l_simple_kernel_8h.xhtml',1,'']]], ['iclsize2darray',['ICLSize2DArray',['../namespacearm__compute.xhtml#a68396eee600b3d23bf7f95a802e65dff',1,'arm_compute']]], - ['icltensor',['ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce',1,'arm_compute::ICLTensor::ICLTensor()'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6',1,'arm_compute::ICLTensor::ICLTensor(const ICLTensor &)=delete'],['../namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6',1,'arm_compute::ICLTensor()']]], + ['icltensor',['ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce',1,'arm_compute::ICLTensor::ICLTensor()'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6',1,'arm_compute::ICLTensor::ICLTensor(const ICLTensor &)=delete'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03',1,'arm_compute::ICLTensor::ICLTensor(ICLTensor &&)=default'],['../namespacearm__compute.xhtml#af87af588094f04e537df98eaf0426cb6',1,'arm_compute::ICLTensor()']]], ['icltensor',['ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml',1,'arm_compute']]], ['icltensor_2eh',['ICLTensor.h',['../_i_c_l_tensor_8h.xhtml',1,'']]], ['icluint16array',['ICLUInt16Array',['../namespacearm__compute.xhtml#aed5c7222c31a34327f00de37d8c4f4fc',1,'arm_compute']]], @@ -104,7 +104,7 @@ var searchData= ['info',['info',['../classarm__compute_1_1_i_h_o_g.xhtml#a4e9b5d4ab15fd9009b463861c1a19dbd',1,'arm_compute::IHOG::info()'],['../classarm__compute_1_1_i_multi_image.xhtml#a38261214e277cba5b90dd1ffe31170e0',1,'arm_compute::IMultiImage::info()'],['../classarm__compute_1_1_i_pyramid.xhtml#a7114241d28b1d2ebb7b9dba9f1ab0c8b',1,'arm_compute::IPyramid::info()'],['../classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9',1,'arm_compute::ITensor::info() const =0'],['../classarm__compute_1_1_i_tensor.xhtml#a4d0ad991bc87d99aa39ca1ba6df15469',1,'arm_compute::ITensor::info()=0'],['../classarm__compute_1_1_c_l_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f',1,'arm_compute::CLMultiImage::info()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac',1,'arm_compute::CLPyramid::info()'],['../classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95',1,'arm_compute::CLTensor::info() const override'],['../classarm__compute_1_1_c_l_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f',1,'arm_compute::CLTensor::info() override'],['../classarm__compute_1_1_h_o_g.xhtml#aaa7fa8bba335c51f601110ed2e11eef3',1,'arm_compute::HOG::info()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231',1,'arm_compute::ITensorAllocator::info()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#ad129de4883c35830834987e9b68314e1',1,'arm_compute::ITensorAllocator::info() const '],['../classarm__compute_1_1_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f',1,'arm_compute::MultiImage::info()'],['../classarm__compute_1_1_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac',1,'arm_compute::Pyramid::info()'],['../classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95',1,'arm_compute::Tensor::info() const override'],['../classarm__compute_1_1_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f',1,'arm_compute::Tensor::info() override']]], ['init',['init',['../classarm__compute_1_1_c_l_kernel_library.xhtml#af353532ea782387df6bcb6d01894f4ae',1,'arm_compute::CLKernelLibrary::init()'],['../classarm__compute_1_1_h_o_g_info.xhtml#a75215e8ba07a5ec88ee8c902e306e887',1,'arm_compute::HOGInfo::init()'],['../classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::MultiImageInfo::init()'],['../classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60',1,'arm_compute::PyramidInfo::init(size_t num_levels, float scale, size_t width, size_t height, Format format)'],['../classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e',1,'arm_compute::PyramidInfo::init(size_t num_levels, float scale, const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#ad4b6171ddcf854de5d1226cd4d0b0439',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, Format format, const Strides &strides_in_bytes, size_t offset_first_element_in_bytes, size_t total_size_in_bytes)'],['../classarm__compute_1_1_tensor_info.xhtml#af3717e26c7309fda3be6e7e87f142eab',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, const Strides &strides_in_bytes, size_t offset_first_element_in_bytes, size_t total_size_in_bytes, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a4eaa68a1707f4ff3983c6dddd21794ea',1,'arm_compute::TensorInfo::init(const HOGInfo &hog_info, unsigned int width, unsigned int height)'],['../classarm__compute_1_1_c_l_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::CLMultiImage::init()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff',1,'arm_compute::CLPyramid::init()'],['../classarm__compute_1_1_c_l_scheduler.xhtml#adbadebed3b89425740901b16b9d5d947',1,'arm_compute::CLScheduler::init()'],['../classarm__compute_1_1_h_o_g.xhtml#a055b5bd45e91f842b49def638c017b5b',1,'arm_compute::HOG::init()'],['../classarm__compute_1_1_i_lut_allocator.xhtml#a4ef157737b45c46f115e14b425512800',1,'arm_compute::ILutAllocator::init()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680',1,'arm_compute::ITensorAllocator::init()'],['../classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::MultiImage::init()'],['../classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff',1,'arm_compute::Pyramid::init()'],['../classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4',1,'arm_compute::TensorAllocator::init()']]], ['init_5fauto_5fpadding',['init_auto_padding',['../classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b',1,'arm_compute::TensorInfo::init_auto_padding(const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52',1,'arm_compute::TensorInfo::init_auto_padding(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a9a30265f100a459de985a9f3f91db76c',1,'arm_compute::TensorInfo::init_auto_padding(const HOGInfo &hog_info, unsigned int width, unsigned int height)'],['../classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723',1,'arm_compute::CLMultiImage::init_auto_padding()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115',1,'arm_compute::CLPyramid::init_auto_padding()'],['../classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723',1,'arm_compute::MultiImage::init_auto_padding()'],['../classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115',1,'arm_compute::Pyramid::init_auto_padding()']]], - ['init_5fimage',['init_image',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81',1,'test_helpers::PPMLoader']]], + ['init_5fimage',['init_image',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7',1,'test_helpers::PPMLoader']]], ['init_5flevel',['init_level',['../optical__flow__pyramid__lk_8cl.xhtml#a73bd536f33d9707d1165a0fce16db833',1,'optical_flow_pyramid_lk.cl']]], ['init_5flevel_5fmax',['init_level_max',['../optical__flow__pyramid__lk_8cl.xhtml#a324194275a47768c0460d19b16b477db',1,'optical_flow_pyramid_lk.cl']]], ['init_5flevel_5fmax_5finitial_5festimate',['init_level_max_initial_estimate',['../optical__flow__pyramid__lk_8cl.xhtml#a4b777fd3d432419912e4dbc94fe9d3f5',1,'optical_flow_pyramid_lk.cl']]], @@ -122,7 +122,7 @@ var searchData= ['ipyramid_2eh',['IPyramid.h',['../_i_pyramid_8h.xhtml',1,'']]], ['is_5fdata_5ftype_5ffloat',['is_data_type_float',['../namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897',1,'arm_compute']]], ['is_5fopen',['is_open',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a',1,'test_helpers::PPMLoader']]], - ['is_5fparallelisable',['is_parallelisable',['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CLFillBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CPPSortEuclideanDistanceKernel::is_parallelisable()'],['../classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a',1,'arm_compute::IKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEEdgeTraceKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEChannelCombineKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NECumulativeDistributionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEFillArrayKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHistogramBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEIntegralImageKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEMinMaxLocationKernel::is_parallelisable()']]], + ['is_5fparallelisable',['is_parallelisable',['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CLFillBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CPPSortEuclideanDistanceKernel::is_parallelisable()'],['../classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a',1,'arm_compute::IKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEEdgeTraceKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEChannelCombineKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NECumulativeDistributionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEFillArrayKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEIntegralImageKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEMinMaxLocationKernel::is_parallelisable()']]], ['is_5fresizable',['is_resizable',['../classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0',1,'arm_compute::TensorInfo']]], ['isize2darray',['ISize2DArray',['../namespacearm__compute.xhtml#a32e4b9083329486a06960006af89a84c',1,'arm_compute']]], ['itensor',['ITensor',['../classarm__compute_1_1_i_tensor.xhtml',1,'arm_compute']]], diff --git a/documentation/search/all_a.js b/documentation/search/all_a.js index 40ed98523..84ba4db1a 100644 --- a/documentation/search/all_a.js +++ b/documentation/search/all_a.js @@ -2,8 +2,8 @@ var searchData= [ ['kappa',['kappa',['../classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8',1,'arm_compute::NormalizationLayerInfo']]], ['kernel',['Kernel',['../classarm__compute_1_1_kernel.xhtml',1,'arm_compute']]], - ['kernel',['kernel',['../classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e',1,'arm_compute::ICLKernel::kernel()'],['../classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420',1,'arm_compute::Kernel::Kernel()'],['../classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b',1,'arm_compute::Kernel::Kernel(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1',1,'arm_compute::Kernel::Kernel(Kernel &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925',1,'arm_compute::Kernel::Kernel(std::string name, const cl::Program &program)']]], - ['keypoint',['Keypoint',['../struct_keypoint.xhtml',1,'Keypoint'],['../types_8h.xhtml#a29b97e206612aa5366b3bd3d2f7be322',1,'Keypoint(): types.h']]], + ['kernel',['Kernel',['../classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420',1,'arm_compute::Kernel::Kernel()'],['../classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b',1,'arm_compute::Kernel::Kernel(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1',1,'arm_compute::Kernel::Kernel(Kernel &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925',1,'arm_compute::Kernel::Kernel(std::string name, const cl::Program &program)'],['../classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e',1,'arm_compute::ICLKernel::kernel()']]], ['keypoint',['KeyPoint',['../structarm__compute_1_1_key_point.xhtml',1,'arm_compute']]], + ['keypoint',['Keypoint',['../struct_keypoint.xhtml',1,'Keypoint'],['../types_8h.xhtml#a29b97e206612aa5366b3bd3d2f7be322',1,'Keypoint(): types.h']]], ['keypointarray',['KeyPointArray',['../namespacearm__compute.xhtml#a8856eca9a83e16bb0cb5880e9c6c9fe7',1,'arm_compute']]] ]; diff --git a/documentation/search/all_d.js b/documentation/search/all_d.js index 8cf6251fb..d71dee10c 100644 --- a/documentation/search/all_d.js +++ b/documentation/search/all_d.js @@ -15,8 +15,8 @@ var searchData= ['neaccumulatesquaredkernel',['NEAccumulateSquaredKernel',['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml',1,'arm_compute']]], ['neaccumulateweighted',['NEAccumulateWeighted',['../classarm__compute_1_1_n_e_accumulate_weighted.xhtml',1,'arm_compute']]], ['neaccumulateweightedfp16kernel',['NEAccumulateWeightedFP16Kernel',['../classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml',1,'arm_compute']]], - ['neaccumulateweightedkernel',['NEAccumulateWeightedKernel',['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml',1,'arm_compute']]], ['neaccumulateweightedkernel',['NEAccumulateWeightedKernel',['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a044d704971675daa53757df82be00583',1,'arm_compute::NEAccumulateWeightedKernel']]], + ['neaccumulateweightedkernel',['NEAccumulateWeightedKernel',['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml',1,'arm_compute']]], ['neactivationlayer',['NEActivationLayer',['../classarm__compute_1_1_n_e_activation_layer.xhtml',1,'arm_compute']]], ['neactivationlayer_2eh',['NEActivationLayer.h',['../_n_e_activation_layer_8h.xhtml',1,'']]], ['neactivationlayerkernel',['NEActivationLayerKernel',['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#af5c940969e40e1ae12411bb025a117f2',1,'arm_compute::NEActivationLayerKernel::NEActivationLayerKernel()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a75a47991d84bf206ca93cec613eed70c',1,'arm_compute::NEActivationLayerKernel::NEActivationLayerKernel(const NEActivationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a62a06a80629d965010527d57f48894fd',1,'arm_compute::NEActivationLayerKernel::NEActivationLayerKernel(NEActivationLayerKernel &&)=default']]], @@ -40,8 +40,8 @@ var searchData= ['nebitwiseandkernel_2eh',['NEBitwiseAndKernel.h',['../_n_e_bitwise_and_kernel_8h.xhtml',1,'']]], ['nebitwisenot',['NEBitwiseNot',['../classarm__compute_1_1_n_e_bitwise_not.xhtml',1,'arm_compute']]], ['nebitwisenot_2eh',['NEBitwiseNot.h',['../_n_e_bitwise_not_8h.xhtml',1,'']]], - ['nebitwisenotkernel',['NEBitwiseNotKernel',['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml',1,'arm_compute']]], ['nebitwisenotkernel',['NEBitwiseNotKernel',['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aa395e9208cb5dda01e4197ead2a0f5a0',1,'arm_compute::NEBitwiseNotKernel::NEBitwiseNotKernel()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aaadf201d7ea144f6107f0e286b9a509f',1,'arm_compute::NEBitwiseNotKernel::NEBitwiseNotKernel(const NEBitwiseNotKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#aed139c8b2173519c398b47c2cdddced3',1,'arm_compute::NEBitwiseNotKernel::NEBitwiseNotKernel(NEBitwiseNotKernel &&)=default']]], + ['nebitwisenotkernel',['NEBitwiseNotKernel',['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml',1,'arm_compute']]], ['nebitwisenotkernel_2eh',['NEBitwiseNotKernel.h',['../_n_e_bitwise_not_kernel_8h.xhtml',1,'']]], ['nebitwiseor',['NEBitwiseOr',['../classarm__compute_1_1_n_e_bitwise_or.xhtml',1,'arm_compute']]], ['nebitwiseor_2eh',['NEBitwiseOr.h',['../_n_e_bitwise_or_8h.xhtml',1,'']]], @@ -84,30 +84,26 @@ var searchData= ['neconvolution_2eh',['NEConvolution.h',['../_n_e_convolution_8h.xhtml',1,'']]], ['neconvolution3x3',['NEConvolution3x3',['../classarm__compute_1_1_n_e_convolution3x3.xhtml',1,'arm_compute']]], ['neconvolution3x3kernel',['NEConvolution3x3Kernel',['../namespacearm__compute.xhtml#acf81639b3d33b5da654ef088e4d10520',1,'arm_compute']]], - ['neconvolution5x5',['NEConvolution5x5',['../classarm__compute_1_1_n_e_convolution5x5.xhtml',1,'arm_compute']]], - ['neconvolution5x5',['NEConvolution5x5',['../classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66',1,'arm_compute::NEConvolution5x5']]], + ['neconvolution5x5',['NEConvolution5x5',['../namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0',1,'arm_compute']]], ['neconvolution5x5kernel',['NEConvolution5x5Kernel',['../namespacearm__compute.xhtml#a21898b2d2e31ab9af8933c66ff82c8c6',1,'arm_compute']]], - ['neconvolution7x7',['NEConvolution7x7',['../classarm__compute_1_1_n_e_convolution7x7.xhtml',1,'arm_compute']]], - ['neconvolution7x7',['NEConvolution7x7',['../classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621',1,'arm_compute::NEConvolution7x7']]], + ['neconvolution7x7',['NEConvolution7x7',['../namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d',1,'arm_compute']]], ['neconvolution7x7kernel',['NEConvolution7x7Kernel',['../namespacearm__compute.xhtml#ae46cbbe03d31c6c8e7eba7b58999842d',1,'arm_compute']]], - ['neconvolution9x9',['NEConvolution9x9',['../classarm__compute_1_1_n_e_convolution9x9.xhtml',1,'arm_compute']]], - ['neconvolution9x9',['NEConvolution9x9',['../classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471',1,'arm_compute::NEConvolution9x9']]], + ['neconvolution9x9',['NEConvolution9x9',['../namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb',1,'arm_compute']]], ['neconvolution9x9kernel',['NEConvolution9x9Kernel',['../namespacearm__compute.xhtml#a1025306f820a9e76df7e5891caacff7b',1,'arm_compute']]], ['neconvolutionkernel',['NEConvolutionKernel',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], ['neconvolutionkernel',['NEConvolutionKernel',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8',1,'arm_compute::NEConvolutionKernel']]], ['neconvolutionkernel_2eh',['NEConvolutionKernel.h',['../_n_e_convolution_kernel_8h.xhtml',1,'']]], - ['neconvolutionkernel_3c_205_20_3e',['NEConvolutionKernel< 5 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionkernel_3c_207_20_3e',['NEConvolutionKernel< 7 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionkernel_3c_209_20_3e',['NEConvolutionKernel< 9 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionlayer',['NEConvolutionLayer',['../classarm__compute_1_1_n_e_convolution_layer.xhtml#aa2ce2873b0d3a07ac896633115c5ab07',1,'arm_compute::NEConvolutionLayer']]], ['neconvolutionlayer',['NEConvolutionLayer',['../classarm__compute_1_1_n_e_convolution_layer.xhtml',1,'arm_compute']]], + ['neconvolutionlayer',['NEConvolutionLayer',['../classarm__compute_1_1_n_e_convolution_layer.xhtml#aa2ce2873b0d3a07ac896633115c5ab07',1,'arm_compute::NEConvolutionLayer']]], ['neconvolutionlayer_2eh',['NEConvolutionLayer.h',['../_n_e_convolution_layer_8h.xhtml',1,'']]], - ['neconvolutionlayerweightsreshapekernel',['NEConvolutionLayerWeightsReshapeKernel',['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8c02b4166b202028f653aba36f21a024',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a67b8302a8e37cc43dd5c1e9eb7f33ae4',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a3311872791ae25d4daf4da2190919faf',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(NEConvolutionLayerWeightsReshapeKernel &&)=default']]], ['neconvolutionlayerweightsreshapekernel',['NEConvolutionLayerWeightsReshapeKernel',['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml',1,'arm_compute']]], + ['neconvolutionlayerweightsreshapekernel',['NEConvolutionLayerWeightsReshapeKernel',['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8c02b4166b202028f653aba36f21a024',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a67b8302a8e37cc43dd5c1e9eb7f33ae4',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a3311872791ae25d4daf4da2190919faf',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(NEConvolutionLayerWeightsReshapeKernel &&)=default']]], ['neconvolutionlayerweightsreshapekernel_2eh',['NEConvolutionLayerWeightsReshapeKernel.h',['../_n_e_convolution_layer_weights_reshape_kernel_8h.xhtml',1,'']]], ['neconvolutionrectangle',['NEConvolutionRectangle',['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml',1,'arm_compute']]], ['neconvolutionrectanglekernel',['NEConvolutionRectangleKernel',['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a7f9f7156c38ea608c5cdd440d924540d',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a88921c6a68249c84d1a0de6b3bfe5401',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel(NEConvolutionRectangleKernel &&)=default']]], ['neconvolutionrectanglekernel',['NEConvolutionRectangleKernel',['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml',1,'arm_compute']]], + ['neconvolutionsquare',['NEConvolutionSquare',['../classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b',1,'arm_compute::NEConvolutionSquare']]], + ['neconvolutionsquare',['NEConvolutionSquare',['../classarm__compute_1_1_n_e_convolution_square.xhtml',1,'arm_compute']]], ['necumulativedistributionkernel',['NECumulativeDistributionKernel',['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afdac8d2d257c27504c54725520018ef6',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afa30a9b7652a405442adaed49119a323',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel(NECumulativeDistributionKernel &&)=default']]], ['necumulativedistributionkernel',['NECumulativeDistributionKernel',['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml',1,'arm_compute']]], ['necumulativedistributionkernel_2eh',['NECumulativeDistributionKernel.h',['../_n_e_cumulative_distribution_kernel_8h.xhtml',1,'']]], @@ -152,19 +148,19 @@ var searchData= ['nefillborderkernel',['NEFillBorderKernel',['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a687427caf0b665fce20cac17d238e946',1,'arm_compute::NEFillBorderKernel::NEFillBorderKernel()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a39d38ba2baba8698af87fa12abfe0f68',1,'arm_compute::NEFillBorderKernel::NEFillBorderKernel(const NEFillBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a37c01d31989078665be7cfb3bf426c9b',1,'arm_compute::NEFillBorderKernel::NEFillBorderKernel(NEFillBorderKernel &&)=default']]], ['nefillborderkernel',['NEFillBorderKernel',['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml',1,'arm_compute']]], ['nefillborderkernel_2eh',['NEFillBorderKernel.h',['../_n_e_fill_border_kernel_8h.xhtml',1,'']]], - ['nefillinnerborderkernel',['NEFillInnerBorderKernel',['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml',1,'arm_compute']]], ['nefillinnerborderkernel',['NEFillInnerBorderKernel',['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aa95aec621a23e04b38a66bd777125b26',1,'arm_compute::NEFillInnerBorderKernel::NEFillInnerBorderKernel()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a3f451de2b9b4c74b5c66a1b9b0511836',1,'arm_compute::NEFillInnerBorderKernel::NEFillInnerBorderKernel(const NEFillInnerBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#aea506ad423462d6e2f6a63ba2107b812',1,'arm_compute::NEFillInnerBorderKernel::NEFillInnerBorderKernel(NEFillInnerBorderKernel &&)=default']]], + ['nefillinnerborderkernel',['NEFillInnerBorderKernel',['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml',1,'arm_compute']]], ['nefillinnerborderkernel_2eh',['NEFillInnerBorderKernel.h',['../_n_e_fill_inner_border_kernel_8h.xhtml',1,'']]], - ['nefullyconnectedlayer',['NEFullyConnectedLayer',['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml',1,'arm_compute']]], ['nefullyconnectedlayer',['NEFullyConnectedLayer',['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#a9a5cc50098bbd29bd8cd04040f7f0fe1',1,'arm_compute::NEFullyConnectedLayer']]], + ['nefullyconnectedlayer',['NEFullyConnectedLayer',['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml',1,'arm_compute']]], ['nefullyconnectedlayer_2eh',['NEFullyConnectedLayer.h',['../_n_e_fully_connected_layer_8h.xhtml',1,'']]], ['nefunctions_2eh',['NEFunctions.h',['../_n_e_functions_8h.xhtml',1,'']]], ['negaussian3x3',['NEGaussian3x3',['../classarm__compute_1_1_n_e_gaussian3x3.xhtml',1,'arm_compute']]], ['negaussian3x3_2eh',['NEGaussian3x3.h',['../_n_e_gaussian3x3_8h.xhtml',1,'']]], ['negaussian3x3kernel',['NEGaussian3x3Kernel',['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml',1,'arm_compute']]], ['negaussian3x3kernel_2eh',['NEGaussian3x3Kernel.h',['../_n_e_gaussian3x3_kernel_8h.xhtml',1,'']]], - ['negaussian5x5',['NEGaussian5x5',['../classarm__compute_1_1_n_e_gaussian5x5.xhtml',1,'arm_compute']]], ['negaussian5x5',['NEGaussian5x5',['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#a68588d8d5582ef6c0ad8fea6ac77dd25',1,'arm_compute::NEGaussian5x5']]], + ['negaussian5x5',['NEGaussian5x5',['../classarm__compute_1_1_n_e_gaussian5x5.xhtml',1,'arm_compute']]], ['negaussian5x5_2eh',['NEGaussian5x5.h',['../_n_e_gaussian5x5_8h.xhtml',1,'']]], ['negaussian5x5horkernel',['NEGaussian5x5HorKernel',['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml',1,'arm_compute']]], ['negaussian5x5horkernel',['NEGaussian5x5HorKernel',['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#ac1b9627b3909b4050f88a7f87ba65953',1,'arm_compute::NEGaussian5x5HorKernel']]], @@ -210,21 +206,19 @@ var searchData= ['negemmtranspose1xwkernel',['NEGEMMTranspose1xWKernel',['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml',1,'arm_compute']]], ['negemmtranspose1xwkernel_2eh',['NEGEMMTranspose1xWKernel.h',['../_n_e_g_e_m_m_transpose1x_w_kernel_8h.xhtml',1,'']]], ['negradientfp16kernel',['NEGradientFP16Kernel',['../classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml',1,'arm_compute']]], - ['negradientkernel',['NEGradientKernel',['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b',1,'arm_compute::NEGradientKernel::NEGradientKernel()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ad383dd933d1927d688347f6f412dfc21',1,'arm_compute::NEGradientKernel::NEGradientKernel(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a5abcaf3e9545a325505641d321a858c9',1,'arm_compute::NEGradientKernel::NEGradientKernel(NEGradientKernel &&)=default']]], ['negradientkernel',['NEGradientKernel',['../classarm__compute_1_1_n_e_gradient_kernel.xhtml',1,'arm_compute']]], + ['negradientkernel',['NEGradientKernel',['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a7da52d0627026b852dc51dbab82a978b',1,'arm_compute::NEGradientKernel::NEGradientKernel()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ad383dd933d1927d688347f6f412dfc21',1,'arm_compute::NEGradientKernel::NEGradientKernel(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a5abcaf3e9545a325505641d321a858c9',1,'arm_compute::NEGradientKernel::NEGradientKernel(NEGradientKernel &&)=default']]], ['neharriscorners',['NEHarrisCorners',['../classarm__compute_1_1_n_e_harris_corners.xhtml',1,'arm_compute']]], ['neharriscorners',['NEHarrisCorners',['../classarm__compute_1_1_n_e_harris_corners.xhtml#a259da54cffdfb1865c7f5374f3e7142c',1,'arm_compute::NEHarrisCorners']]], ['neharriscorners_2eh',['NEHarrisCorners.h',['../_n_e_harris_corners_8h.xhtml',1,'']]], ['neharriscornerskernel_2eh',['NEHarrisCornersKernel.h',['../_n_e_harris_corners_kernel_8h.xhtml',1,'']]], - ['neharrisscorefp16kernel',['NEHarrisScoreFP16Kernel',['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a97cb6fc2b52a60bdccca7b7359df5211',1,'arm_compute::NEHarrisScoreFP16Kernel']]], ['neharrisscorefp16kernel',['NEHarrisScoreFP16Kernel',['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml',1,'arm_compute']]], + ['neharrisscorefp16kernel',['NEHarrisScoreFP16Kernel',['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a97cb6fc2b52a60bdccca7b7359df5211',1,'arm_compute::NEHarrisScoreFP16Kernel']]], ['neharrisscorekernel',['NEHarrisScoreKernel',['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a18cf8876acac9c6c2b35e38d9beabe9d',1,'arm_compute::NEHarrisScoreKernel']]], ['neharrisscorekernel',['NEHarrisScoreKernel',['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml',1,'arm_compute']]], ['nehistogram',['NEHistogram',['../classarm__compute_1_1_n_e_histogram.xhtml',1,'arm_compute']]], ['nehistogram',['NEHistogram',['../classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8',1,'arm_compute::NEHistogram']]], ['nehistogram_2eh',['NEHistogram.h',['../_n_e_histogram_8h.xhtml',1,'']]], - ['nehistogramborderkernel',['NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml',1,'arm_compute']]], - ['nehistogramborderkernel',['NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a75ce2cbdc3828d377857e99b099cf567',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel(const NEHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ac191caef91b2ae052a3395ebd001c2aa',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel(NEHistogramBorderKernel &&)=default']]], ['nehistogramkernel',['NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d',1,'arm_compute::NEHistogramKernel::NEHistogramKernel()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#ad671a80d59ee10144e810003ead8fb57',1,'arm_compute::NEHistogramKernel::NEHistogramKernel(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a2961e5538b89a81b0b0e83159b0526c8',1,'arm_compute::NEHistogramKernel::NEHistogramKernel(NEHistogramKernel &&)=default']]], ['nehistogramkernel',['NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml',1,'arm_compute']]], ['nehistogramkernel_2eh',['NEHistogramKernel.h',['../_n_e_histogram_kernel_8h.xhtml',1,'']]], @@ -245,8 +239,8 @@ var searchData= ['nehogmultidetection',['NEHOGMultiDetection',['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a463ea561c0ec68b57bccc5f4b2485ac8',1,'arm_compute::NEHOGMultiDetection::NEHOGMultiDetection()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#abb8258d13d0759751d0a95299f091e02',1,'arm_compute::NEHOGMultiDetection::NEHOGMultiDetection(const NEHOGMultiDetection &)=delete']]], ['nehogmultidetection',['NEHOGMultiDetection',['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml',1,'arm_compute']]], ['nehogmultidetection_2eh',['NEHOGMultiDetection.h',['../_n_e_h_o_g_multi_detection_8h.xhtml',1,'']]], - ['nehognonmaximasuppressionkernel',['NEHOGNonMaximaSuppressionKernel',['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml',1,'arm_compute']]], ['nehognonmaximasuppressionkernel',['NEHOGNonMaximaSuppressionKernel',['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#afb444379f57371804cf7b586bea94115',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::NEHOGNonMaximaSuppressionKernel()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ae5f0cdfe2a9b627f85a5c639310ee7be',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::NEHOGNonMaximaSuppressionKernel(const NEHOGNonMaximaSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a7f85b6d392d98845913e5e8f24284e41',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::NEHOGNonMaximaSuppressionKernel(NEHOGNonMaximaSuppressionKernel &&)=default']]], + ['nehognonmaximasuppressionkernel',['NEHOGNonMaximaSuppressionKernel',['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml',1,'arm_compute']]], ['nehognonmaximasuppressionkernel_2eh',['NEHOGNonMaximaSuppressionKernel.h',['../_n_e_h_o_g_non_maxima_suppression_kernel_8h.xhtml',1,'']]], ['nehogorientationbinningkernel',['NEHOGOrientationBinningKernel',['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a5a1b3543ffcd941a0f3b5bc2b058c92e',1,'arm_compute::NEHOGOrientationBinningKernel::NEHOGOrientationBinningKernel()'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#af2fb5e2868809c6b7e1e472dd34ddbea',1,'arm_compute::NEHOGOrientationBinningKernel::NEHOGOrientationBinningKernel(const NEHOGOrientationBinningKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#afc6437925dc58e28a8d317e9ef64560f',1,'arm_compute::NEHOGOrientationBinningKernel::NEHOGOrientationBinningKernel(NEHOGOrientationBinningKernel &&)=default']]], ['nehogorientationbinningkernel',['NEHOGOrientationBinningKernel',['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml',1,'arm_compute']]], @@ -259,8 +253,8 @@ var searchData= ['neintegralimagekernel',['NEIntegralImageKernel',['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml',1,'arm_compute']]], ['neintegralimagekernel_2eh',['NEIntegralImageKernel.h',['../_n_e_integral_image_kernel_8h.xhtml',1,'']]], ['nekernels_2eh',['NEKernels.h',['../_n_e_kernels_8h.xhtml',1,'']]], - ['nelaplacianpyramid',['NELaplacianPyramid',['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8',1,'arm_compute::NELaplacianPyramid']]], ['nelaplacianpyramid',['NELaplacianPyramid',['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml',1,'arm_compute']]], + ['nelaplacianpyramid',['NELaplacianPyramid',['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a4b03c61f02f3e0119fa71877abb9b4b8',1,'arm_compute::NELaplacianPyramid']]], ['nelaplacianpyramid_2eh',['NELaplacianPyramid.h',['../_n_e_laplacian_pyramid_8h.xhtml',1,'']]], ['nelaplacianreconstruct',['NELaplacianReconstruct',['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#a1490de9008819d066ff78159afb03fe0',1,'arm_compute::NELaplacianReconstruct']]], ['nelaplacianreconstruct',['NELaplacianReconstruct',['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml',1,'arm_compute']]], @@ -269,18 +263,18 @@ var searchData= ['nelktrackerkernel',['NELKTrackerKernel',['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a10e6214af1515f5916f93dddd1bb3124',1,'arm_compute::NELKTrackerKernel::NELKTrackerKernel()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a5c272fb952051d6a06370c2fdb267c96',1,'arm_compute::NELKTrackerKernel::NELKTrackerKernel(const NELKTrackerKernel &)=delete'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#aca5d353ec5bfccdae41b2f647adb3da8',1,'arm_compute::NELKTrackerKernel::NELKTrackerKernel(NELKTrackerKernel &&)=default']]], ['nelktrackerkernel',['NELKTrackerKernel',['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml',1,'arm_compute']]], ['nelktrackerkernel_2eh',['NELKTrackerKernel.h',['../_n_e_l_k_tracker_kernel_8h.xhtml',1,'']]], - ['nelogits1dmaxkernel',['NELogits1DMaxKernel',['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml',1,'arm_compute']]], ['nelogits1dmaxkernel',['NELogits1DMaxKernel',['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a7dcfcda37359d31c2510ad865f4ca051',1,'arm_compute::NELogits1DMaxKernel']]], - ['nelogits1dnormkernel',['NELogits1DNormKernel',['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a6ebe871bbc1c0529e92ef6f817f31caf',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel(NELogits1DNormKernel &&)=default']]], + ['nelogits1dmaxkernel',['NELogits1DMaxKernel',['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml',1,'arm_compute']]], ['nelogits1dnormkernel',['NELogits1DNormKernel',['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml',1,'arm_compute']]], + ['nelogits1dnormkernel',['NELogits1DNormKernel',['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#afa2a1794ff29695536321c2430e6dcad',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a5c19b755e115e7128e4ad5cf2408bbe4',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a6ebe871bbc1c0529e92ef6f817f31caf',1,'arm_compute::NELogits1DNormKernel::NELogits1DNormKernel(NELogits1DNormKernel &&)=default']]], ['nelogits1dshiftexpsumkernel',['NELogits1DShiftExpSumKernel',['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a47f13f5423a3a7e32d82e74a6c918cac',1,'arm_compute::NELogits1DShiftExpSumKernel::NELogits1DShiftExpSumKernel()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a4ee98193bffc997841c1eb4f43b6bb34',1,'arm_compute::NELogits1DShiftExpSumKernel::NELogits1DShiftExpSumKernel(const NELogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a541f8b17ae7011090ec7129487e61d04',1,'arm_compute::NELogits1DShiftExpSumKernel::NELogits1DShiftExpSumKernel(NELogits1DShiftExpSumKernel &&)=default']]], ['nelogits1dshiftexpsumkernel',['NELogits1DShiftExpSumKernel',['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml',1,'arm_compute']]], ['nemagnitude',['NEMagnitude',['../classarm__compute_1_1_n_e_magnitude.xhtml',1,'arm_compute']]], ['nemagnitude_2eh',['NEMagnitude.h',['../_n_e_magnitude_8h.xhtml',1,'']]], ['nemagnitudephasefp16kernel',['NEMagnitudePhaseFP16Kernel',['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a67985137eb73958ea7b152935484332c',1,'arm_compute::NEMagnitudePhaseFP16Kernel::NEMagnitudePhaseFP16Kernel()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a2f7cd06c45fa0bdbd7ffe971aeebf6bf',1,'arm_compute::NEMagnitudePhaseFP16Kernel::NEMagnitudePhaseFP16Kernel(const NEMagnitudePhaseFP16Kernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a7e0972b95a84e58a9b3c34d25989e645',1,'arm_compute::NEMagnitudePhaseFP16Kernel::NEMagnitudePhaseFP16Kernel(NEMagnitudePhaseFP16Kernel &&)=default']]], ['nemagnitudephasefp16kernel',['NEMagnitudePhaseFP16Kernel',['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml',1,'arm_compute']]], - ['nemagnitudephasekernel',['NEMagnitudePhaseKernel',['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a53c147feec3c6f2912779194fa2b5513',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#aebf700d44017c1ff38ad0d3741aaac56',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ac0a5198310dfa51fb02e28e2594e1d53',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel(NEMagnitudePhaseKernel &&)=default']]], ['nemagnitudephasekernel',['NEMagnitudePhaseKernel',['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml',1,'arm_compute']]], + ['nemagnitudephasekernel',['NEMagnitudePhaseKernel',['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a53c147feec3c6f2912779194fa2b5513',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#aebf700d44017c1ff38ad0d3741aaac56',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ac0a5198310dfa51fb02e28e2594e1d53',1,'arm_compute::NEMagnitudePhaseKernel::NEMagnitudePhaseKernel(NEMagnitudePhaseKernel &&)=default']]], ['nemagnitudephasekernel_2eh',['NEMagnitudePhaseKernel.h',['../_n_e_magnitude_phase_kernel_8h.xhtml',1,'']]], ['nemath_2eh',['NEMath.h',['../_n_e_math_8h.xhtml',1,'']]], ['nemeanstddev',['NEMeanStdDev',['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#a08ebd3b5f0e06c72c512d799cd9fccd2',1,'arm_compute::NEMeanStdDev']]], @@ -315,32 +309,32 @@ var searchData= ['nenormalizationlayer',['NENormalizationLayer',['../classarm__compute_1_1_n_e_normalization_layer.xhtml#a37c02a72e62b5add96e4f99e81b0ecc3',1,'arm_compute::NENormalizationLayer']]], ['nenormalizationlayer',['NENormalizationLayer',['../classarm__compute_1_1_n_e_normalization_layer.xhtml',1,'arm_compute']]], ['nenormalizationlayer_2eh',['NENormalizationLayer.h',['../_n_e_normalization_layer_8h.xhtml',1,'']]], - ['nenormalizationlayerkernel',['NENormalizationLayerKernel',['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml',1,'arm_compute']]], ['nenormalizationlayerkernel',['NENormalizationLayerKernel',['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a682ef2213a5c1fd804505e572ea45700',1,'arm_compute::NENormalizationLayerKernel::NENormalizationLayerKernel()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a0a9583248b18a4ac65987cd5adebc6ed',1,'arm_compute::NENormalizationLayerKernel::NENormalizationLayerKernel(const NENormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#ab3498b8beb89599cee12a9e2ac083d88',1,'arm_compute::NENormalizationLayerKernel::NENormalizationLayerKernel(NENormalizationLayerKernel &&)=default']]], + ['nenormalizationlayerkernel',['NENormalizationLayerKernel',['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml',1,'arm_compute']]], ['nenormalizationlayerkernel_2eh',['NENormalizationLayerKernel.h',['../_n_e_normalization_layer_kernel_8h.xhtml',1,'']]], ['neon_5fconvolution_2ecpp',['neon_convolution.cpp',['../neon__convolution_8cpp.xhtml',1,'']]], ['neon_5fcopy_5fobjects_2ecpp',['neon_copy_objects.cpp',['../neon__copy__objects_8cpp.xhtml',1,'']]], ['neon_5fscale_2ecpp',['neon_scale.cpp',['../neon__scale_8cpp.xhtml',1,'']]], ['neoncl_5fscale_5fmedian_5fgaussian_2ecpp',['neoncl_scale_median_gaussian.cpp',['../neoncl__scale__median__gaussian_8cpp.xhtml',1,'']]], - ['neopticalflow',['NEOpticalFlow',['../classarm__compute_1_1_n_e_optical_flow.xhtml',1,'arm_compute']]], ['neopticalflow',['NEOpticalFlow',['../classarm__compute_1_1_n_e_optical_flow.xhtml#a4a73c29e87005e43223003f15d71671c',1,'arm_compute::NEOpticalFlow::NEOpticalFlow()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#ad5dfdcf45ad38c48cd725b0fdc675b34',1,'arm_compute::NEOpticalFlow::NEOpticalFlow(const NEOpticalFlow &)=delete']]], + ['neopticalflow',['NEOpticalFlow',['../classarm__compute_1_1_n_e_optical_flow.xhtml',1,'arm_compute']]], ['neopticalflow_2eh',['NEOpticalFlow.h',['../_n_e_optical_flow_8h.xhtml',1,'']]], ['nephase',['NEPhase',['../classarm__compute_1_1_n_e_phase.xhtml',1,'arm_compute']]], ['nephase_2eh',['NEPhase.h',['../_n_e_phase_8h.xhtml',1,'']]], ['nepixelwisemultiplication',['NEPixelWiseMultiplication',['../classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml',1,'arm_compute']]], ['nepixelwisemultiplication_2eh',['NEPixelWiseMultiplication.h',['../_n_e_pixel_wise_multiplication_8h.xhtml',1,'']]], - ['nepixelwisemultiplicationkernel',['NEPixelWiseMultiplicationKernel',['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml',1,'arm_compute']]], ['nepixelwisemultiplicationkernel',['NEPixelWiseMultiplicationKernel',['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a75e09a8ec40fb21b0f71421960b540a6',1,'arm_compute::NEPixelWiseMultiplicationKernel::NEPixelWiseMultiplicationKernel()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ac23503429643fa0415fd64b1fc17e40c',1,'arm_compute::NEPixelWiseMultiplicationKernel::NEPixelWiseMultiplicationKernel(const NEPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a032fb6504d12ca1244b2d7d82609f062',1,'arm_compute::NEPixelWiseMultiplicationKernel::NEPixelWiseMultiplicationKernel(NEPixelWiseMultiplicationKernel &&)=default']]], + ['nepixelwisemultiplicationkernel',['NEPixelWiseMultiplicationKernel',['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml',1,'arm_compute']]], ['nepixelwisemultiplicationkernel_2eh',['NEPixelWiseMultiplicationKernel.h',['../_n_e_pixel_wise_multiplication_kernel_8h.xhtml',1,'']]], ['nepoolinglayer',['NEPoolingLayer',['../classarm__compute_1_1_n_e_pooling_layer.xhtml',1,'arm_compute']]], ['nepoolinglayer_2eh',['NEPoolingLayer.h',['../_n_e_pooling_layer_8h.xhtml',1,'']]], - ['nepoolinglayerkernel',['NEPoolingLayerKernel',['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml',1,'arm_compute']]], ['nepoolinglayerkernel',['NEPoolingLayerKernel',['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a580a7925065fd33f5e7e12425769edd1',1,'arm_compute::NEPoolingLayerKernel::NEPoolingLayerKernel()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8002aba3f59c078c9899ad236ba67174',1,'arm_compute::NEPoolingLayerKernel::NEPoolingLayerKernel(const NEPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#ab35670d771933fa900a8cccae52cc0dd',1,'arm_compute::NEPoolingLayerKernel::NEPoolingLayerKernel(NEPoolingLayerKernel &&)=default']]], + ['nepoolinglayerkernel',['NEPoolingLayerKernel',['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml',1,'arm_compute']]], ['nepoolinglayerkernel_2eh',['NEPoolingLayerKernel.h',['../_n_e_pooling_layer_kernel_8h.xhtml',1,'']]], ['neremap',['NERemap',['../classarm__compute_1_1_n_e_remap.xhtml',1,'arm_compute']]], ['neremap_2eh',['NERemap.h',['../_n_e_remap_8h.xhtml',1,'']]], - ['neremapkernel',['NERemapKernel',['../classarm__compute_1_1_n_e_remap_kernel.xhtml',1,'arm_compute']]], ['neremapkernel',['NERemapKernel',['../classarm__compute_1_1_n_e_remap_kernel.xhtml#aca07bf938309c22c50104ed93b7d3d1e',1,'arm_compute::NERemapKernel::NERemapKernel()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a02121cbb8760314f74f08d6b36a2cbbc',1,'arm_compute::NERemapKernel::NERemapKernel(const NERemapKernel &)=delete'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#af892b3094dc3ab5b8eea6f0d9ab4b47d',1,'arm_compute::NERemapKernel::NERemapKernel(NERemapKernel &&)=default']]], + ['neremapkernel',['NERemapKernel',['../classarm__compute_1_1_n_e_remap_kernel.xhtml',1,'arm_compute']]], ['neremapkernel_2eh',['NERemapKernel.h',['../_n_e_remap_kernel_8h.xhtml',1,'']]], ['nescale',['NEScale',['../classarm__compute_1_1_n_e_scale.xhtml#a30a0363a371ac59877079c6ec1962657',1,'arm_compute::NEScale']]], ['nescale',['NEScale',['../classarm__compute_1_1_n_e_scale.xhtml',1,'arm_compute']]], @@ -363,21 +357,15 @@ var searchData= ['neseparableconvolution9x9vertkernel',['NESeparableConvolution9x9VertKernel',['../namespacearm__compute.xhtml#a6310d21f215fface41df4cde725a62b9',1,'arm_compute']]], ['neseparableconvolutionhorkernel',['NESeparableConvolutionHorKernel',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], ['neseparableconvolutionhorkernel',['NESeparableConvolutionHorKernel',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a965a154580e00968b45aa6268986cd51',1,'arm_compute::NESeparableConvolutionHorKernel']]], - ['neseparableconvolutionhorkernel_3c_205_20_3e',['NESeparableConvolutionHorKernel< 5 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionhorkernel_3c_207_20_3e',['NESeparableConvolutionHorKernel< 7 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionhorkernel_3c_209_20_3e',['NESeparableConvolutionHorKernel< 9 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], ['neseparableconvolutionvertkernel',['NESeparableConvolutionVertKernel',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], ['neseparableconvolutionvertkernel',['NESeparableConvolutionVertKernel',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ac3aaa23fc2c41fdb7a6de14841631fbd',1,'arm_compute::NESeparableConvolutionVertKernel']]], - ['neseparableconvolutionvertkernel_3c_205_20_3e',['NESeparableConvolutionVertKernel< 5 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionvertkernel_3c_207_20_3e',['NESeparableConvolutionVertKernel< 7 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionvertkernel_3c_209_20_3e',['NESeparableConvolutionVertKernel< 9 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], ['nesobel3x3',['NESobel3x3',['../classarm__compute_1_1_n_e_sobel3x3.xhtml',1,'arm_compute']]], ['nesobel3x3_2eh',['NESobel3x3.h',['../_n_e_sobel3x3_8h.xhtml',1,'']]], ['nesobel3x3kernel',['NESobel3x3Kernel',['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml',1,'arm_compute']]], ['nesobel3x3kernel',['NESobel3x3Kernel',['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a517dc6cf8dd14439b40ba8c06ead5810',1,'arm_compute::NESobel3x3Kernel::NESobel3x3Kernel()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#afb53206c970a06eec11dc2d7fb30819d',1,'arm_compute::NESobel3x3Kernel::NESobel3x3Kernel(const NESobel3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a4bc884b1fc83db1d51ed40243d8c4be8',1,'arm_compute::NESobel3x3Kernel::NESobel3x3Kernel(NESobel3x3Kernel &&)=default']]], ['nesobel3x3kernel_2eh',['NESobel3x3Kernel.h',['../_n_e_sobel3x3_kernel_8h.xhtml',1,'']]], - ['nesobel5x5',['NESobel5x5',['../classarm__compute_1_1_n_e_sobel5x5.xhtml',1,'arm_compute']]], ['nesobel5x5',['NESobel5x5',['../classarm__compute_1_1_n_e_sobel5x5.xhtml#acb0aef0b89d0ce59b012542afdc4409d',1,'arm_compute::NESobel5x5']]], + ['nesobel5x5',['NESobel5x5',['../classarm__compute_1_1_n_e_sobel5x5.xhtml',1,'arm_compute']]], ['nesobel5x5_2eh',['NESobel5x5.h',['../_n_e_sobel5x5_8h.xhtml',1,'']]], ['nesobel5x5horkernel',['NESobel5x5HorKernel',['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml',1,'arm_compute']]], ['nesobel5x5horkernel',['NESobel5x5HorKernel',['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8dea438b6d74a45c8315643c5ffbc54b',1,'arm_compute::NESobel5x5HorKernel::NESobel5x5HorKernel()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a5f9e4b85f76463d3aab250f0f9a4873e',1,'arm_compute::NESobel5x5HorKernel::NESobel5x5HorKernel(const NESobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ab3fe9be760d9e2faa8cb36872889fc98',1,'arm_compute::NESobel5x5HorKernel::NESobel5x5HorKernel(NESobel5x5HorKernel &&)=default']]], @@ -392,19 +380,19 @@ var searchData= ['nesobel7x7kernel_2eh',['NESobel7x7Kernel.h',['../_n_e_sobel7x7_kernel_8h.xhtml',1,'']]], ['nesobel7x7vertkernel',['NESobel7x7VertKernel',['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml',1,'arm_compute']]], ['nesobel7x7vertkernel',['NESobel7x7VertKernel',['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a685552a5f91d30d8f5b4ce2003771d18',1,'arm_compute::NESobel7x7VertKernel::NESobel7x7VertKernel()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a667242192107c5f9fb8368eaccca2103',1,'arm_compute::NESobel7x7VertKernel::NESobel7x7VertKernel(const NESobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ac554b9298d627c5cc4468cf77d8d568d',1,'arm_compute::NESobel7x7VertKernel::NESobel7x7VertKernel(NESobel7x7VertKernel &&)=default']]], - ['nesoftmaxlayer',['NESoftmaxLayer',['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7',1,'arm_compute::NESoftmaxLayer']]], ['nesoftmaxlayer',['NESoftmaxLayer',['../classarm__compute_1_1_n_e_softmax_layer.xhtml',1,'arm_compute']]], + ['nesoftmaxlayer',['NESoftmaxLayer',['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ab6c76795d4cd1b6ab83154a10576b2b7',1,'arm_compute::NESoftmaxLayer']]], ['nesoftmaxlayer_2eh',['NESoftmaxLayer.h',['../_n_e_softmax_layer_8h.xhtml',1,'']]], ['nesoftmaxlayerkernel_2eh',['NESoftmaxLayerKernel.h',['../_n_e_softmax_layer_kernel_8h.xhtml',1,'']]], ['netablelookup',['NETableLookup',['../classarm__compute_1_1_n_e_table_lookup.xhtml',1,'arm_compute']]], ['netablelookup_2eh',['NETableLookup.h',['../_n_e_table_lookup_8h.xhtml',1,'']]], - ['netablelookupkernel',['NETableLookupKernel',['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1',1,'arm_compute::NETableLookupKernel::NETableLookupKernel()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507',1,'arm_compute::NETableLookupKernel::NETableLookupKernel(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#afb1345d81a7ee915ca9b2b4c1e84bb0b',1,'arm_compute::NETableLookupKernel::NETableLookupKernel(NETableLookupKernel &&)=default']]], ['netablelookupkernel',['NETableLookupKernel',['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml',1,'arm_compute']]], + ['netablelookupkernel',['NETableLookupKernel',['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aee2586f6c778ffab9ee3adbc2a6790a1',1,'arm_compute::NETableLookupKernel::NETableLookupKernel()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a74990bcb63bbbc6042000a9fb7207507',1,'arm_compute::NETableLookupKernel::NETableLookupKernel(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#afb1345d81a7ee915ca9b2b4c1e84bb0b',1,'arm_compute::NETableLookupKernel::NETableLookupKernel(NETableLookupKernel &&)=default']]], ['netablelookupkernel_2eh',['NETableLookupKernel.h',['../_n_e_table_lookup_kernel_8h.xhtml',1,'']]], ['nethreshold',['NEThreshold',['../classarm__compute_1_1_n_e_threshold.xhtml',1,'arm_compute']]], ['nethreshold_2eh',['NEThreshold.h',['../_n_e_threshold_8h.xhtml',1,'']]], - ['nethresholdkernel',['NEThresholdKernel',['../classarm__compute_1_1_n_e_threshold_kernel.xhtml',1,'arm_compute']]], ['nethresholdkernel',['NEThresholdKernel',['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d0259c161d942ed6ed833206c643e45',1,'arm_compute::NEThresholdKernel::NEThresholdKernel()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#aa225b6f88add359d864507bdc2053ac0',1,'arm_compute::NEThresholdKernel::NEThresholdKernel(const NEThresholdKernel &)=delete']]], + ['nethresholdkernel',['NEThresholdKernel',['../classarm__compute_1_1_n_e_threshold_kernel.xhtml',1,'arm_compute']]], ['nethresholdkernel_2eh',['NEThresholdKernel.h',['../_n_e_threshold_kernel_8h.xhtml',1,'']]], ['netranspose',['NETranspose',['../classarm__compute_1_1_n_e_transpose.xhtml',1,'arm_compute']]], ['netranspose_2eh',['NETranspose.h',['../_n_e_transpose_8h.xhtml',1,'']]], diff --git a/documentation/search/all_e.js b/documentation/search/all_e.js index c14a353d4..00aa33803 100644 --- a/documentation/search/all_e.js +++ b/documentation/search/all_e.js @@ -7,9 +7,10 @@ var searchData= ['offsets_5fs',['offsets_s',['../fast__corners_8cl.xhtml#a8d09117e1c8a726efc8d9ec9d9d8ed8a',1,'fast_corners.cl']]], ['open',['open',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed',1,'test_helpers::PPMLoader']]], ['opencl_2eh',['OpenCL.h',['../_open_c_l_8h.xhtml',1,'']]], + ['opencl_5fis_5favailable',['opencl_is_available',['../namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14',1,'arm_compute']]], ['operator_2a',['operator*',['../structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2',1,'arm_compute::BorderSize']]], ['operator_2a_3d',['operator*=',['../structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837',1,'arm_compute::BorderSize']]], - ['operator_3d',['operator=',['../classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a',1,'arm_compute::AccessWindowAutoPadding::operator=(const AccessWindowAutoPadding &)=delete'],['../classarm__compute_1_1_access_window_auto_padding.xhtml#a4bca6da5857d60a9565c60b483859208',1,'arm_compute::AccessWindowAutoPadding::operator=(AccessWindowAutoPadding &&)=default'],['../classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730',1,'arm_compute::AccessWindowStatic::operator=(const AccessWindowStatic &)=delete'],['../classarm__compute_1_1_access_window_static.xhtml#af5312479f43d5fd6c46e4e8473049847',1,'arm_compute::AccessWindowStatic::operator=(AccessWindowStatic &&)=default'],['../classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140',1,'arm_compute::Program::operator=(const Program &)=default'],['../classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d',1,'arm_compute::Program::operator=(Program &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10',1,'arm_compute::Kernel::operator=(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75',1,'arm_compute::Kernel::operator=(Kernel &&)=default'],['../classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966',1,'arm_compute::CLKernelLibrary::operator=()'],['../classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b',1,'arm_compute::ICLArray::operator=()'],['../classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd',1,'arm_compute::ICLDistribution1D::operator=()'],['../classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1',1,'arm_compute::ICLLut::operator=()'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf',1,'arm_compute::ICLSimpleKernel::operator=(const ICLSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216',1,'arm_compute::ICLSimpleKernel::operator=(ICLSimpleKernel &&)=default'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e',1,'arm_compute::ICLTensor::operator=()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a71db1bd13fefa2e7fda34b8fffa4a863',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(const CLAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#aef45d046af467d9d202a92b2824664a5',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(CLAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#ab83a6646bb7b3fc2fb272f0979b4a458',1,'arm_compute::CLArithmeticAdditionKernel::operator=(const CLArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a9ac3572e118daa7e7564a61cc4a0cb02',1,'arm_compute::CLArithmeticAdditionKernel::operator=(CLArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a6fd57c96408ff45f650654afa803b13e',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(const CLArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a7d0ecef561fca963ab9d018fe9749098',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(CLArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#aa172a2abdd7040105f2be39a50f6cff2',1,'arm_compute::CLBitwiseAndKernel::operator=(const CLBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af31b1a5d8ec88a34da6d60ba2314dde1',1,'arm_compute::CLBitwiseAndKernel::operator=(CLBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#abcfb652670535dad6ec571b3b82495f4',1,'arm_compute::CLBitwiseOrKernel::operator=(const CLBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a471cff5db30df694b97fbba067271ac0',1,'arm_compute::CLBitwiseOrKernel::operator=(CLBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#ab169d4a7c722602e5952cc2a06bf38b1',1,'arm_compute::CLBitwiseXorKernel::operator=(const CLBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a2d8ca31390ad9b7a4fdef983e1ff5856',1,'arm_compute::CLBitwiseXorKernel::operator=(CLBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8',1,'arm_compute::CLGradientKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#aaa7e7959c4a5ab3705e79d81a7e94f1d',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#ae4e8839e52f8f14feef09d819170b40d',1,'arm_compute::CLEdgeTraceKernel::operator=()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#acbed32f07c42524f3ba442584961662a',1,'arm_compute::CLChannelCombineKernel::operator=(const CLChannelCombineKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a0d6c1f9be7a8c0e35a438ef7b01227f8',1,'arm_compute::CLChannelCombineKernel::operator=(CLChannelCombineKernel &&)=default'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a9b79b58e02befadc03a8efa21453cc6d',1,'arm_compute::CLChannelExtractKernel::operator=(const CLChannelExtractKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a3903cf5b0f5ffd0687b19d45a39bfb72',1,'arm_compute::CLChannelExtractKernel::operator=(CLChannelExtractKernel &&)=default'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ac0fc2aadef37fa6f20657e42b209ca62',1,'arm_compute::CLCol2ImKernel::operator=(const CLCol2ImKernel &)=delete'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ad329e4f461dd51b4bc5d1cd012cfaa70',1,'arm_compute::CLCol2ImKernel::operator=(CLCol2ImKernel &&)=default'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a9896faa16e3d99ed942eb845dfe41f2e',1,'arm_compute::CLColorConvertKernel::operator=(const CLColorConvertKernel &)=delete'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#ab3eb38ca98e94de0917a74b8d7d47061',1,'arm_compute::CLColorConvertKernel::operator=(CLColorConvertKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#afce1f7a8135ce82d5e12342bb05f8448',1,'arm_compute::CLConvolutionRectangleKernel::operator=(const CLConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#ac746b3604d6b86789f4c817e095f9147',1,'arm_compute::CLConvolutionRectangleKernel::operator=(CLConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a6855e413477e07be21b96fb86489effb',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(const CLConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(CLConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a',1,'arm_compute::CLDerivativeKernel::operator=(const CLDerivativeKernel &)=delete'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#aceb0191986422c3fcc97f2e9ed9fe15c',1,'arm_compute::CLDerivativeKernel::operator=(CLDerivativeKernel &&)=default'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac5e031f7c81be9bbac3372bb6edbd344',1,'arm_compute::CLFastCornersKernel::operator=(const CLFastCornersKernel &)=delete'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac64dcd555f8756462b629bf58a28bfc3',1,'arm_compute::CLFastCornersKernel::operator=(CLFastCornersKernel &&)=default'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a8c3e5f7865d66adaa39c33a83211f261',1,'arm_compute::CLCopyToArrayKernel::operator=(const CLCopyToArrayKernel &)=delete'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a09ceae93051ead63b10d88903c5a62be',1,'arm_compute::CLCopyToArrayKernel::operator=(CLCopyToArrayKernel &&)=default'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86',1,'arm_compute::CLFillBorderKernel::operator=(const CLFillBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a8c127ae32e8e5fa6bab31910663bcde1',1,'arm_compute::CLFillBorderKernel::operator=(CLFillBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(const CLGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#ae05299dbd8e52799fc34298966f0375d',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(CLGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(const CLGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a587092ed39eaf708edbaa65e2e656ac3',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(CLGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(const CLGEMMInterleave4x4Kernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(CLGEMMInterleave4x4Kernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(const CLGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(CLGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(CLGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(const CLGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(CLGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(const CLGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(CLGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6',1,'arm_compute::CLHarrisScoreKernel::operator=(const CLHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd',1,'arm_compute::CLHarrisScoreKernel::operator=(CLHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261',1,'arm_compute::CLHistogramKernel::operator=(const CLHistogramKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f',1,'arm_compute::CLHistogramKernel::operator=(CLHistogramKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679',1,'arm_compute::CLHistogramBorderKernel::operator=(const CLHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda',1,'arm_compute::CLHistogramBorderKernel::operator=(CLHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56',1,'arm_compute::CLIm2ColKernel::operator=(const CLIm2ColKernel &)=delete'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa',1,'arm_compute::CLIm2ColKernel::operator=(CLIm2ColKernel &&)=default'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927',1,'arm_compute::CLIntegralImageVertKernel::operator=(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6',1,'arm_compute::CLIntegralImageVertKernel::operator=(CLIntegralImageVertKernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(const CLLKTrackerStage0Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(CLLKTrackerStage0Kernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(const CLLKTrackerStage1Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(CLLKTrackerStage1Kernel &&)=default'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a',1,'arm_compute::CLMagnitudePhaseKernel::operator=(const CLMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513',1,'arm_compute::CLMagnitudePhaseKernel::operator=(CLMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d',1,'arm_compute::CLMeanStdDevKernel::operator=(const CLMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3',1,'arm_compute::CLMeanStdDevKernel::operator=(CLMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6',1,'arm_compute::CLMinMaxKernel::operator=(const CLMinMaxKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16',1,'arm_compute::CLMinMaxKernel::operator=(CLMinMaxKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9',1,'arm_compute::CLMinMaxLocationKernel::operator=(const CLMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f',1,'arm_compute::CLMinMaxLocationKernel::operator=(CLMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f',1,'arm_compute::CLNormalizationLayerKernel::operator=(const CLNormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75',1,'arm_compute::CLNormalizationLayerKernel::operator=(CLNormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(const CLPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(CLPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2',1,'arm_compute::CLPoolingLayerKernel::operator=(const CLPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3',1,'arm_compute::CLPoolingLayerKernel::operator=(CLPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e',1,'arm_compute::CLRemapKernel::operator=(const CLRemapKernel &)=delete'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2',1,'arm_compute::CLRemapKernel::operator=(CLRemapKernel &&)=default'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5',1,'arm_compute::CLScharr3x3Kernel::operator=(const CLScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd',1,'arm_compute::CLScharr3x3Kernel::operator=(CLScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160',1,'arm_compute::CLSobel3x3Kernel::operator=(const CLSobel3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e',1,'arm_compute::CLSobel3x3Kernel::operator=(CLSobel3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37',1,'arm_compute::CLSobel5x5HorKernel::operator=(const CLSobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf',1,'arm_compute::CLSobel5x5HorKernel::operator=(CLSobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c',1,'arm_compute::CLSobel5x5VertKernel::operator=(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124',1,'arm_compute::CLSobel5x5VertKernel::operator=(CLSobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef',1,'arm_compute::CLSobel7x7HorKernel::operator=(const CLSobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1',1,'arm_compute::CLSobel7x7HorKernel::operator=(CLSobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4',1,'arm_compute::CLSobel7x7VertKernel::operator=(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9',1,'arm_compute::CLSobel7x7VertKernel::operator=(CLSobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(CLLogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980',1,'arm_compute::CLLogits1DNormKernel::operator=(const CLLogits1DNormKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a',1,'arm_compute::CLLogits1DNormKernel::operator=(CLLogits1DNormKernel &&)=default'],['../classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d',1,'arm_compute::Coordinates::operator=(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061',1,'arm_compute::Coordinates::operator=(Coordinates &&)=default'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000',1,'arm_compute::ICPPSimpleKernel::operator=(const ICPPSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036',1,'arm_compute::ICPPSimpleKernel::operator=(ICPPSimpleKernel &&)=default'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207',1,'arm_compute::CPPCornerCandidatesKernel::operator=(const CPPCornerCandidatesKernel &)=delete'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85',1,'arm_compute::CPPCornerCandidatesKernel::operator=(CPPCornerCandidatesKernel &&)=default'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(CPPSortEuclideanDistanceKernel &&)=default'],['../classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903',1,'arm_compute::Dimensions::operator=(const Dimensions &)=default'],['../classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20',1,'arm_compute::Dimensions::operator=(Dimensions &&)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590',1,'arm_compute::HOGInfo::operator=(const HOGInfo &)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500',1,'arm_compute::HOGInfo::operator=(HOGInfo &&)=default'],['../classarm__compute_1_1_access_window_rectangle.xhtml#abdf21e65ee4cc7cf79a43e3de64dcc7e',1,'arm_compute::AccessWindowRectangle::operator=(const AccessWindowRectangle &)=delete'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a21ab33d8ab185c1321f4c213335e6802',1,'arm_compute::AccessWindowRectangle::operator=(AccessWindowRectangle &&)=default'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(const NEAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(NEAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5',1,'arm_compute::NEActivationLayerKernel::operator=(const NEActivationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907',1,'arm_compute::NEActivationLayerKernel::operator=(NEActivationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2',1,'arm_compute::NEArithmeticAdditionKernel::operator=(const NEArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8',1,'arm_compute::NEArithmeticAdditionKernel::operator=(NEArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(const NEArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(NEArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4',1,'arm_compute::NEBitwiseAndKernel::operator=(const NEBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73',1,'arm_compute::NEBitwiseAndKernel::operator=(NEBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d',1,'arm_compute::NEBitwiseNotKernel::operator=(const NEBitwiseNotKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f',1,'arm_compute::NEBitwiseNotKernel::operator=(NEBitwiseNotKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb',1,'arm_compute::NEBitwiseOrKernel::operator=(const NEBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6',1,'arm_compute::NEBitwiseOrKernel::operator=(NEBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652',1,'arm_compute::NEBitwiseXorKernel::operator=(const NEBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4',1,'arm_compute::NEBitwiseXorKernel::operator=(NEBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35',1,'arm_compute::NEGradientKernel::operator=(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801',1,'arm_compute::NEGradientKernel::operator=(NEGradientKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(const NEEdgeNonMaxSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(NEEdgeNonMaxSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5',1,'arm_compute::NEEdgeTraceKernel::operator=(const NEEdgeTraceKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b',1,'arm_compute::NEEdgeTraceKernel::operator=(NEEdgeTraceKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130',1,'arm_compute::NEChannelCombineKernel::operator=(const NEChannelCombineKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db',1,'arm_compute::NEChannelCombineKernel::operator=(NEChannelCombineKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c',1,'arm_compute::NEChannelExtractKernel::operator=(const NEChannelExtractKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757',1,'arm_compute::NEChannelExtractKernel::operator=(NEChannelExtractKernel &&)=default'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467',1,'arm_compute::NECol2ImKernel::operator=(const NECol2ImKernel &)=delete'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994',1,'arm_compute::NECol2ImKernel::operator=(NECol2ImKernel &&)=default'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112',1,'arm_compute::NEColorConvertKernel::operator=(const NEColorConvertKernel &)=delete'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c',1,'arm_compute::NEColorConvertKernel::operator=(NEColorConvertKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(NEConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b',1,'arm_compute::NECumulativeDistributionKernel::operator=(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9',1,'arm_compute::NECumulativeDistributionKernel::operator=(NECumulativeDistributionKernel &&)=default'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd',1,'arm_compute::NEDerivativeKernel::operator=(const NEDerivativeKernel &)=delete'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591',1,'arm_compute::NEDerivativeKernel::operator=(NEDerivativeKernel &&)=default'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21',1,'arm_compute::NEFastCornersKernel::operator=(const NEFastCornersKernel &)=delete'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa',1,'arm_compute::NEFastCornersKernel::operator=(NEFastCornersKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf',1,'arm_compute::NEFillArrayKernel::operator=(const NEFillArrayKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674',1,'arm_compute::NEFillArrayKernel::operator=(NEFillArrayKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89',1,'arm_compute::NEFillBorderKernel::operator=(const NEFillBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574',1,'arm_compute::NEFillBorderKernel::operator=(NEFillBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43',1,'arm_compute::NEFillInnerBorderKernel::operator=(const NEFillInnerBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31',1,'arm_compute::NEFillInnerBorderKernel::operator=(NEFillInnerBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(const NEGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(NEGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(const NEGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(NEGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(const NEGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(NEGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(const NEGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(NEGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c',1,'arm_compute::INEHarrisScoreKernel::operator=(const INEHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e',1,'arm_compute::INEHarrisScoreKernel::operator=(INEHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b',1,'arm_compute::NEHistogramKernel::operator=(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd',1,'arm_compute::NEHistogramKernel::operator=(NEHistogramKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4',1,'arm_compute::NEHistogramBorderKernel::operator=(const NEHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05',1,'arm_compute::NEHistogramBorderKernel::operator=(NEHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(const NEHOGOrientationBinningKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(NEHOGOrientationBinningKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(const NEHOGBlockNormalizationKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(NEHOGBlockNormalizationKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f',1,'arm_compute::NEHOGDetectorKernel::operator=(const NEHOGDetectorKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8',1,'arm_compute::NEHOGDetectorKernel::operator=(NEHOGDetectorKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(const NEHOGNonMaximaSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(NEHOGNonMaximaSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8',1,'arm_compute::NEIm2ColKernel::operator=(const NEIm2ColKernel &)=delete'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180',1,'arm_compute::NEIm2ColKernel::operator=(NEIm2ColKernel &&)=default'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f',1,'arm_compute::NELKTrackerKernel::operator=(const NELKTrackerKernel &)=delete'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c',1,'arm_compute::NELKTrackerKernel::operator=(NELKTrackerKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b',1,'arm_compute::NEMagnitudePhaseKernel::operator=(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037',1,'arm_compute::NEMagnitudePhaseKernel::operator=(NEMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(const NEMagnitudePhaseFP16Kernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(NEMagnitudePhaseFP16Kernel &&)=default'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d',1,'arm_compute::NEMeanStdDevKernel::operator=(const NEMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c',1,'arm_compute::NEMeanStdDevKernel::operator=(NEMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e',1,'arm_compute::NEMinMaxKernel::operator=(const NEMinMaxKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971',1,'arm_compute::NEMinMaxKernel::operator=(NEMinMaxKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774',1,'arm_compute::NEMinMaxLocationKernel::operator=(const NEMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190',1,'arm_compute::NEMinMaxLocationKernel::operator=(NEMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &)=delete'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &&)=default'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(const NENonMaximaSuppression3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(NENonMaximaSuppression3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe',1,'arm_compute::NENormalizationLayerKernel::operator=(const NENormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290',1,'arm_compute::NENormalizationLayerKernel::operator=(NENormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(const NEPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(NEPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b',1,'arm_compute::NEPoolingLayerKernel::operator=(const NEPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb',1,'arm_compute::NEPoolingLayerKernel::operator=(NEPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835',1,'arm_compute::NERemapKernel::operator=(const NERemapKernel &)=delete'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673',1,'arm_compute::NERemapKernel::operator=(NERemapKernel &&)=default'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596',1,'arm_compute::NEScaleKernel::operator=(const NEScaleKernel &)=delete'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7',1,'arm_compute::NEScaleKernel::operator=(NEScaleKernel &&)=default'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6',1,'arm_compute::NEScharr3x3Kernel::operator=(const NEScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b',1,'arm_compute::NEScharr3x3Kernel::operator=(NEScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40',1,'arm_compute::NESobel3x3Kernel::operator=(const NESobel3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e',1,'arm_compute::NESobel3x3Kernel::operator=(NESobel3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce',1,'arm_compute::NESobel5x5HorKernel::operator=(const NESobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92',1,'arm_compute::NESobel5x5HorKernel::operator=(NESobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953',1,'arm_compute::NESobel5x5VertKernel::operator=(const NESobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a',1,'arm_compute::NESobel5x5VertKernel::operator=(NESobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40',1,'arm_compute::NESobel7x7HorKernel::operator=(const NESobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7',1,'arm_compute::NESobel7x7HorKernel::operator=(NESobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9',1,'arm_compute::NESobel7x7VertKernel::operator=(const NESobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f',1,'arm_compute::NESobel7x7VertKernel::operator=(NESobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(const NELogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(NELogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0',1,'arm_compute::NELogits1DNormKernel::operator=(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7',1,'arm_compute::NELogits1DNormKernel::operator=(NELogits1DNormKernel &&)=default'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc',1,'arm_compute::NETableLookupKernel::operator=(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88',1,'arm_compute::NETableLookupKernel::operator=(NETableLookupKernel &&)=default'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2',1,'arm_compute::NEThresholdKernel::operator=()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030',1,'arm_compute::NETransposeKernel::operator=(const NETransposeKernel &)=delete'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911',1,'arm_compute::NETransposeKernel::operator=(NETransposeKernel &&)=default'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae',1,'arm_compute::INEWarpKernel::operator=(const INEWarpKernel &)=delete'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7',1,'arm_compute::INEWarpKernel::operator=(INEWarpKernel &&)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34',1,'arm_compute::PyramidInfo::operator=(const PyramidInfo &)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9',1,'arm_compute::PyramidInfo::operator=(PyramidInfo &&)=default'],['../classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112',1,'arm_compute::Size2D::operator=()'],['../classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5',1,'arm_compute::Steps::operator=(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1',1,'arm_compute::Steps::operator=(Steps &&)=default'],['../classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007',1,'arm_compute::Strides::operator=(const Strides &)=default'],['../classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc',1,'arm_compute::Strides::operator=(Strides &&)=default'],['../classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b',1,'arm_compute::TensorInfo::operator=(const TensorInfo &)=default'],['../classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e',1,'arm_compute::TensorInfo::operator=(TensorInfo &&)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a',1,'arm_compute::TensorShape::operator=(const TensorShape &)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00',1,'arm_compute::TensorShape::operator=(TensorShape &&)=default'],['../structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b',1,'arm_compute::ValidRegion::operator=(const ValidRegion &)=default'],['../structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2',1,'arm_compute::ValidRegion::operator=(ValidRegion &&)=default'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2',1,'arm_compute::Window::Dimension::operator=()'],['../classarm__compute_1_1_c_l_array.xhtml#a30c5bc8ac7572a16644c3c88daa90f49',1,'arm_compute::CLArray::operator=()'],['../classarm__compute_1_1_c_l_distribution1_d.xhtml#a5d11cfbbf69ebbd595d8aee3ecbafedb',1,'arm_compute::CLDistribution1D::operator=()'],['../classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51',1,'arm_compute::CLLutAllocator::operator=()'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f',1,'arm_compute::CLTensorAllocator::operator=(const CLTensorAllocator &)=delete'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3',1,'arm_compute::CLTensorAllocator::operator=(CLTensorAllocator &&)=default'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07',1,'arm_compute::CLFastCorners::operator=()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410',1,'arm_compute::CLGaussianPyramid::operator=(const CLGaussianPyramid &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#aa3f47917f1cb44a55c93363eaaf39c6e',1,'arm_compute::CLGaussianPyramid::operator=(CLGaussianPyramid &&)=default'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5',1,'arm_compute::CLHarrisCorners::operator=()'],['../classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e',1,'arm_compute::CLHistogram::operator=()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed',1,'arm_compute::CLMinMaxLocation::operator=(const CLMinMaxLocation &)=delete'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69',1,'arm_compute::CLMinMaxLocation::operator=(CLMinMaxLocation &&)=default'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27',1,'arm_compute::CLOpticalFlow::operator=(const CLOpticalFlow &)=delete'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634',1,'arm_compute::CLOpticalFlow::operator=(CLOpticalFlow &&)=default'],['../classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1',1,'arm_compute::ILutAllocator::operator=()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268',1,'arm_compute::ITensorAllocator::operator=(const ITensorAllocator &)=default'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6',1,'arm_compute::ITensorAllocator::operator=(ITensorAllocator &&)=default'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359',1,'arm_compute::NECannyEdge::operator=()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2',1,'arm_compute::NEDepthConvert::operator=()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2',1,'arm_compute::NEGaussianPyramid::operator=(const NEGaussianPyramid &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3',1,'arm_compute::NEGaussianPyramid::operator=(NEGaussianPyramid &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99',1,'arm_compute::NEHOGMultiDetection::operator=()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441',1,'arm_compute::NEOpticalFlow::operator=()'],['../classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe',1,'arm_compute::Tensor::operator=()']]], + ['operator_3d',['operator=',['../classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a',1,'arm_compute::AccessWindowAutoPadding::operator=(const AccessWindowAutoPadding &)=delete'],['../classarm__compute_1_1_access_window_auto_padding.xhtml#a4bca6da5857d60a9565c60b483859208',1,'arm_compute::AccessWindowAutoPadding::operator=(AccessWindowAutoPadding &&)=default'],['../classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730',1,'arm_compute::AccessWindowStatic::operator=(const AccessWindowStatic &)=delete'],['../classarm__compute_1_1_access_window_static.xhtml#af5312479f43d5fd6c46e4e8473049847',1,'arm_compute::AccessWindowStatic::operator=(AccessWindowStatic &&)=default'],['../classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140',1,'arm_compute::Program::operator=(const Program &)=default'],['../classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d',1,'arm_compute::Program::operator=(Program &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10',1,'arm_compute::Kernel::operator=(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75',1,'arm_compute::Kernel::operator=(Kernel &&)=default'],['../classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966',1,'arm_compute::CLKernelLibrary::operator=()'],['../classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b',1,'arm_compute::ICLArray::operator=()'],['../classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd',1,'arm_compute::ICLDistribution1D::operator=()'],['../classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1',1,'arm_compute::ICLLut::operator=()'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf',1,'arm_compute::ICLSimpleKernel::operator=(const ICLSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216',1,'arm_compute::ICLSimpleKernel::operator=(ICLSimpleKernel &&)=default'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e',1,'arm_compute::ICLTensor::operator=(const ICLTensor &)=delete'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80',1,'arm_compute::ICLTensor::operator=(ICLTensor &&)=default'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a71db1bd13fefa2e7fda34b8fffa4a863',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(const CLAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#aef45d046af467d9d202a92b2824664a5',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(CLAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#ab83a6646bb7b3fc2fb272f0979b4a458',1,'arm_compute::CLArithmeticAdditionKernel::operator=(const CLArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a9ac3572e118daa7e7564a61cc4a0cb02',1,'arm_compute::CLArithmeticAdditionKernel::operator=(CLArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a6fd57c96408ff45f650654afa803b13e',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(const CLArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a7d0ecef561fca963ab9d018fe9749098',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(CLArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#aa172a2abdd7040105f2be39a50f6cff2',1,'arm_compute::CLBitwiseAndKernel::operator=(const CLBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af31b1a5d8ec88a34da6d60ba2314dde1',1,'arm_compute::CLBitwiseAndKernel::operator=(CLBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#abcfb652670535dad6ec571b3b82495f4',1,'arm_compute::CLBitwiseOrKernel::operator=(const CLBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a471cff5db30df694b97fbba067271ac0',1,'arm_compute::CLBitwiseOrKernel::operator=(CLBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#ab169d4a7c722602e5952cc2a06bf38b1',1,'arm_compute::CLBitwiseXorKernel::operator=(const CLBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a2d8ca31390ad9b7a4fdef983e1ff5856',1,'arm_compute::CLBitwiseXorKernel::operator=(CLBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8',1,'arm_compute::CLGradientKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#aaa7e7959c4a5ab3705e79d81a7e94f1d',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#ae4e8839e52f8f14feef09d819170b40d',1,'arm_compute::CLEdgeTraceKernel::operator=()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#acbed32f07c42524f3ba442584961662a',1,'arm_compute::CLChannelCombineKernel::operator=(const CLChannelCombineKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a0d6c1f9be7a8c0e35a438ef7b01227f8',1,'arm_compute::CLChannelCombineKernel::operator=(CLChannelCombineKernel &&)=default'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a9b79b58e02befadc03a8efa21453cc6d',1,'arm_compute::CLChannelExtractKernel::operator=(const CLChannelExtractKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a3903cf5b0f5ffd0687b19d45a39bfb72',1,'arm_compute::CLChannelExtractKernel::operator=(CLChannelExtractKernel &&)=default'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ac0fc2aadef37fa6f20657e42b209ca62',1,'arm_compute::CLCol2ImKernel::operator=(const CLCol2ImKernel &)=delete'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ad329e4f461dd51b4bc5d1cd012cfaa70',1,'arm_compute::CLCol2ImKernel::operator=(CLCol2ImKernel &&)=default'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a9896faa16e3d99ed942eb845dfe41f2e',1,'arm_compute::CLColorConvertKernel::operator=(const CLColorConvertKernel &)=delete'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#ab3eb38ca98e94de0917a74b8d7d47061',1,'arm_compute::CLColorConvertKernel::operator=(CLColorConvertKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#afce1f7a8135ce82d5e12342bb05f8448',1,'arm_compute::CLConvolutionRectangleKernel::operator=(const CLConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#ac746b3604d6b86789f4c817e095f9147',1,'arm_compute::CLConvolutionRectangleKernel::operator=(CLConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a6855e413477e07be21b96fb86489effb',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(const CLConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(CLConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a',1,'arm_compute::CLDerivativeKernel::operator=(const CLDerivativeKernel &)=delete'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#aceb0191986422c3fcc97f2e9ed9fe15c',1,'arm_compute::CLDerivativeKernel::operator=(CLDerivativeKernel &&)=default'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac5e031f7c81be9bbac3372bb6edbd344',1,'arm_compute::CLFastCornersKernel::operator=(const CLFastCornersKernel &)=delete'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac64dcd555f8756462b629bf58a28bfc3',1,'arm_compute::CLFastCornersKernel::operator=(CLFastCornersKernel &&)=default'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a8c3e5f7865d66adaa39c33a83211f261',1,'arm_compute::CLCopyToArrayKernel::operator=(const CLCopyToArrayKernel &)=delete'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a09ceae93051ead63b10d88903c5a62be',1,'arm_compute::CLCopyToArrayKernel::operator=(CLCopyToArrayKernel &&)=default'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86',1,'arm_compute::CLFillBorderKernel::operator=(const CLFillBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a8c127ae32e8e5fa6bab31910663bcde1',1,'arm_compute::CLFillBorderKernel::operator=(CLFillBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(const CLGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#ae05299dbd8e52799fc34298966f0375d',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(CLGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(const CLGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a587092ed39eaf708edbaa65e2e656ac3',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(CLGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(const CLGEMMInterleave4x4Kernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(CLGEMMInterleave4x4Kernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(const CLGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(CLGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(CLGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(const CLGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(CLGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(const CLGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(CLGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6',1,'arm_compute::CLHarrisScoreKernel::operator=(const CLHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd',1,'arm_compute::CLHarrisScoreKernel::operator=(CLHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261',1,'arm_compute::CLHistogramKernel::operator=(const CLHistogramKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f',1,'arm_compute::CLHistogramKernel::operator=(CLHistogramKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679',1,'arm_compute::CLHistogramBorderKernel::operator=(const CLHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda',1,'arm_compute::CLHistogramBorderKernel::operator=(CLHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56',1,'arm_compute::CLIm2ColKernel::operator=(const CLIm2ColKernel &)=delete'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa',1,'arm_compute::CLIm2ColKernel::operator=(CLIm2ColKernel &&)=default'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927',1,'arm_compute::CLIntegralImageVertKernel::operator=(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6',1,'arm_compute::CLIntegralImageVertKernel::operator=(CLIntegralImageVertKernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(const CLLKTrackerStage0Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(CLLKTrackerStage0Kernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(const CLLKTrackerStage1Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(CLLKTrackerStage1Kernel &&)=default'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a',1,'arm_compute::CLMagnitudePhaseKernel::operator=(const CLMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513',1,'arm_compute::CLMagnitudePhaseKernel::operator=(CLMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d',1,'arm_compute::CLMeanStdDevKernel::operator=(const CLMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3',1,'arm_compute::CLMeanStdDevKernel::operator=(CLMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6',1,'arm_compute::CLMinMaxKernel::operator=(const CLMinMaxKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16',1,'arm_compute::CLMinMaxKernel::operator=(CLMinMaxKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9',1,'arm_compute::CLMinMaxLocationKernel::operator=(const CLMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f',1,'arm_compute::CLMinMaxLocationKernel::operator=(CLMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f',1,'arm_compute::CLNormalizationLayerKernel::operator=(const CLNormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75',1,'arm_compute::CLNormalizationLayerKernel::operator=(CLNormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(const CLPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(CLPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2',1,'arm_compute::CLPoolingLayerKernel::operator=(const CLPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3',1,'arm_compute::CLPoolingLayerKernel::operator=(CLPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e',1,'arm_compute::CLRemapKernel::operator=(const CLRemapKernel &)=delete'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2',1,'arm_compute::CLRemapKernel::operator=(CLRemapKernel &&)=default'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5',1,'arm_compute::CLScharr3x3Kernel::operator=(const CLScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd',1,'arm_compute::CLScharr3x3Kernel::operator=(CLScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160',1,'arm_compute::CLSobel3x3Kernel::operator=(const CLSobel3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e',1,'arm_compute::CLSobel3x3Kernel::operator=(CLSobel3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37',1,'arm_compute::CLSobel5x5HorKernel::operator=(const CLSobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf',1,'arm_compute::CLSobel5x5HorKernel::operator=(CLSobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c',1,'arm_compute::CLSobel5x5VertKernel::operator=(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124',1,'arm_compute::CLSobel5x5VertKernel::operator=(CLSobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef',1,'arm_compute::CLSobel7x7HorKernel::operator=(const CLSobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1',1,'arm_compute::CLSobel7x7HorKernel::operator=(CLSobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4',1,'arm_compute::CLSobel7x7VertKernel::operator=(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9',1,'arm_compute::CLSobel7x7VertKernel::operator=(CLSobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(CLLogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980',1,'arm_compute::CLLogits1DNormKernel::operator=(const CLLogits1DNormKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a',1,'arm_compute::CLLogits1DNormKernel::operator=(CLLogits1DNormKernel &&)=default'],['../classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d',1,'arm_compute::Coordinates::operator=(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061',1,'arm_compute::Coordinates::operator=(Coordinates &&)=default'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000',1,'arm_compute::ICPPSimpleKernel::operator=(const ICPPSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036',1,'arm_compute::ICPPSimpleKernel::operator=(ICPPSimpleKernel &&)=default'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207',1,'arm_compute::CPPCornerCandidatesKernel::operator=(const CPPCornerCandidatesKernel &)=delete'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85',1,'arm_compute::CPPCornerCandidatesKernel::operator=(CPPCornerCandidatesKernel &&)=default'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(CPPSortEuclideanDistanceKernel &&)=default'],['../classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903',1,'arm_compute::Dimensions::operator=(const Dimensions &)=default'],['../classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20',1,'arm_compute::Dimensions::operator=(Dimensions &&)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590',1,'arm_compute::HOGInfo::operator=(const HOGInfo &)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500',1,'arm_compute::HOGInfo::operator=(HOGInfo &&)=default'],['../classarm__compute_1_1_access_window_rectangle.xhtml#abdf21e65ee4cc7cf79a43e3de64dcc7e',1,'arm_compute::AccessWindowRectangle::operator=(const AccessWindowRectangle &)=delete'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a21ab33d8ab185c1321f4c213335e6802',1,'arm_compute::AccessWindowRectangle::operator=(AccessWindowRectangle &&)=default'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(const NEAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(NEAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5',1,'arm_compute::NEActivationLayerKernel::operator=(const NEActivationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907',1,'arm_compute::NEActivationLayerKernel::operator=(NEActivationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2',1,'arm_compute::NEArithmeticAdditionKernel::operator=(const NEArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8',1,'arm_compute::NEArithmeticAdditionKernel::operator=(NEArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(const NEArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(NEArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4',1,'arm_compute::NEBitwiseAndKernel::operator=(const NEBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73',1,'arm_compute::NEBitwiseAndKernel::operator=(NEBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d',1,'arm_compute::NEBitwiseNotKernel::operator=(const NEBitwiseNotKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f',1,'arm_compute::NEBitwiseNotKernel::operator=(NEBitwiseNotKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb',1,'arm_compute::NEBitwiseOrKernel::operator=(const NEBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6',1,'arm_compute::NEBitwiseOrKernel::operator=(NEBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652',1,'arm_compute::NEBitwiseXorKernel::operator=(const NEBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4',1,'arm_compute::NEBitwiseXorKernel::operator=(NEBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35',1,'arm_compute::NEGradientKernel::operator=(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801',1,'arm_compute::NEGradientKernel::operator=(NEGradientKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(const NEEdgeNonMaxSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(NEEdgeNonMaxSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5',1,'arm_compute::NEEdgeTraceKernel::operator=(const NEEdgeTraceKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b',1,'arm_compute::NEEdgeTraceKernel::operator=(NEEdgeTraceKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130',1,'arm_compute::NEChannelCombineKernel::operator=(const NEChannelCombineKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db',1,'arm_compute::NEChannelCombineKernel::operator=(NEChannelCombineKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c',1,'arm_compute::NEChannelExtractKernel::operator=(const NEChannelExtractKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757',1,'arm_compute::NEChannelExtractKernel::operator=(NEChannelExtractKernel &&)=default'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467',1,'arm_compute::NECol2ImKernel::operator=(const NECol2ImKernel &)=delete'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994',1,'arm_compute::NECol2ImKernel::operator=(NECol2ImKernel &&)=default'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112',1,'arm_compute::NEColorConvertKernel::operator=(const NEColorConvertKernel &)=delete'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c',1,'arm_compute::NEColorConvertKernel::operator=(NEColorConvertKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(NEConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b',1,'arm_compute::NECumulativeDistributionKernel::operator=(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9',1,'arm_compute::NECumulativeDistributionKernel::operator=(NECumulativeDistributionKernel &&)=default'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd',1,'arm_compute::NEDerivativeKernel::operator=(const NEDerivativeKernel &)=delete'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591',1,'arm_compute::NEDerivativeKernel::operator=(NEDerivativeKernel &&)=default'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21',1,'arm_compute::NEFastCornersKernel::operator=(const NEFastCornersKernel &)=delete'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa',1,'arm_compute::NEFastCornersKernel::operator=(NEFastCornersKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf',1,'arm_compute::NEFillArrayKernel::operator=(const NEFillArrayKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674',1,'arm_compute::NEFillArrayKernel::operator=(NEFillArrayKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89',1,'arm_compute::NEFillBorderKernel::operator=(const NEFillBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574',1,'arm_compute::NEFillBorderKernel::operator=(NEFillBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43',1,'arm_compute::NEFillInnerBorderKernel::operator=(const NEFillInnerBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31',1,'arm_compute::NEFillInnerBorderKernel::operator=(NEFillInnerBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(const NEGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(NEGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(const NEGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(NEGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(const NEGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(NEGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(const NEGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(NEGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c',1,'arm_compute::INEHarrisScoreKernel::operator=(const INEHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e',1,'arm_compute::INEHarrisScoreKernel::operator=(INEHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b',1,'arm_compute::NEHistogramKernel::operator=(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd',1,'arm_compute::NEHistogramKernel::operator=(NEHistogramKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(const NEHOGOrientationBinningKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(NEHOGOrientationBinningKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(const NEHOGBlockNormalizationKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(NEHOGBlockNormalizationKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f',1,'arm_compute::NEHOGDetectorKernel::operator=(const NEHOGDetectorKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8',1,'arm_compute::NEHOGDetectorKernel::operator=(NEHOGDetectorKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(const NEHOGNonMaximaSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(NEHOGNonMaximaSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8',1,'arm_compute::NEIm2ColKernel::operator=(const NEIm2ColKernel &)=delete'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180',1,'arm_compute::NEIm2ColKernel::operator=(NEIm2ColKernel &&)=default'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f',1,'arm_compute::NELKTrackerKernel::operator=(const NELKTrackerKernel &)=delete'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c',1,'arm_compute::NELKTrackerKernel::operator=(NELKTrackerKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b',1,'arm_compute::NEMagnitudePhaseKernel::operator=(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037',1,'arm_compute::NEMagnitudePhaseKernel::operator=(NEMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(const NEMagnitudePhaseFP16Kernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(NEMagnitudePhaseFP16Kernel &&)=default'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d',1,'arm_compute::NEMeanStdDevKernel::operator=(const NEMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c',1,'arm_compute::NEMeanStdDevKernel::operator=(NEMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e',1,'arm_compute::NEMinMaxKernel::operator=(const NEMinMaxKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971',1,'arm_compute::NEMinMaxKernel::operator=(NEMinMaxKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774',1,'arm_compute::NEMinMaxLocationKernel::operator=(const NEMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190',1,'arm_compute::NEMinMaxLocationKernel::operator=(NEMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &)=delete'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &&)=default'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(const NENonMaximaSuppression3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(NENonMaximaSuppression3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe',1,'arm_compute::NENormalizationLayerKernel::operator=(const NENormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290',1,'arm_compute::NENormalizationLayerKernel::operator=(NENormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(const NEPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(NEPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b',1,'arm_compute::NEPoolingLayerKernel::operator=(const NEPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb',1,'arm_compute::NEPoolingLayerKernel::operator=(NEPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835',1,'arm_compute::NERemapKernel::operator=(const NERemapKernel &)=delete'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673',1,'arm_compute::NERemapKernel::operator=(NERemapKernel &&)=default'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596',1,'arm_compute::NEScaleKernel::operator=(const NEScaleKernel &)=delete'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7',1,'arm_compute::NEScaleKernel::operator=(NEScaleKernel &&)=default'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6',1,'arm_compute::NEScharr3x3Kernel::operator=(const NEScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b',1,'arm_compute::NEScharr3x3Kernel::operator=(NEScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40',1,'arm_compute::NESobel3x3Kernel::operator=(const NESobel3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e',1,'arm_compute::NESobel3x3Kernel::operator=(NESobel3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce',1,'arm_compute::NESobel5x5HorKernel::operator=(const NESobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92',1,'arm_compute::NESobel5x5HorKernel::operator=(NESobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953',1,'arm_compute::NESobel5x5VertKernel::operator=(const NESobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a',1,'arm_compute::NESobel5x5VertKernel::operator=(NESobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40',1,'arm_compute::NESobel7x7HorKernel::operator=(const NESobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7',1,'arm_compute::NESobel7x7HorKernel::operator=(NESobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9',1,'arm_compute::NESobel7x7VertKernel::operator=(const NESobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f',1,'arm_compute::NESobel7x7VertKernel::operator=(NESobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(const NELogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(NELogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0',1,'arm_compute::NELogits1DNormKernel::operator=(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7',1,'arm_compute::NELogits1DNormKernel::operator=(NELogits1DNormKernel &&)=default'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc',1,'arm_compute::NETableLookupKernel::operator=(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88',1,'arm_compute::NETableLookupKernel::operator=(NETableLookupKernel &&)=default'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2',1,'arm_compute::NEThresholdKernel::operator=()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030',1,'arm_compute::NETransposeKernel::operator=(const NETransposeKernel &)=delete'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911',1,'arm_compute::NETransposeKernel::operator=(NETransposeKernel &&)=default'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae',1,'arm_compute::INEWarpKernel::operator=(const INEWarpKernel &)=delete'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7',1,'arm_compute::INEWarpKernel::operator=(INEWarpKernel &&)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34',1,'arm_compute::PyramidInfo::operator=(const PyramidInfo &)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9',1,'arm_compute::PyramidInfo::operator=(PyramidInfo &&)=default'],['../classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112',1,'arm_compute::Size2D::operator=()'],['../classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5',1,'arm_compute::Steps::operator=(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1',1,'arm_compute::Steps::operator=(Steps &&)=default'],['../classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007',1,'arm_compute::Strides::operator=(const Strides &)=default'],['../classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc',1,'arm_compute::Strides::operator=(Strides &&)=default'],['../classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b',1,'arm_compute::TensorInfo::operator=(const TensorInfo &)=default'],['../classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e',1,'arm_compute::TensorInfo::operator=(TensorInfo &&)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a',1,'arm_compute::TensorShape::operator=(const TensorShape &)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00',1,'arm_compute::TensorShape::operator=(TensorShape &&)=default'],['../structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b',1,'arm_compute::ValidRegion::operator=(const ValidRegion &)=default'],['../structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2',1,'arm_compute::ValidRegion::operator=(ValidRegion &&)=default'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2',1,'arm_compute::Window::Dimension::operator=()'],['../classarm__compute_1_1_c_l_array.xhtml#a30c5bc8ac7572a16644c3c88daa90f49',1,'arm_compute::CLArray::operator=()'],['../classarm__compute_1_1_c_l_distribution1_d.xhtml#a5d11cfbbf69ebbd595d8aee3ecbafedb',1,'arm_compute::CLDistribution1D::operator=()'],['../classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51',1,'arm_compute::CLLutAllocator::operator=()'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f',1,'arm_compute::CLTensorAllocator::operator=(const CLTensorAllocator &)=delete'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3',1,'arm_compute::CLTensorAllocator::operator=(CLTensorAllocator &&)=default'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07',1,'arm_compute::CLFastCorners::operator=()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410',1,'arm_compute::CLGaussianPyramid::operator=(const CLGaussianPyramid &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#aa3f47917f1cb44a55c93363eaaf39c6e',1,'arm_compute::CLGaussianPyramid::operator=(CLGaussianPyramid &&)=default'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5',1,'arm_compute::CLHarrisCorners::operator=()'],['../classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e',1,'arm_compute::CLHistogram::operator=()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed',1,'arm_compute::CLMinMaxLocation::operator=(const CLMinMaxLocation &)=delete'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69',1,'arm_compute::CLMinMaxLocation::operator=(CLMinMaxLocation &&)=default'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27',1,'arm_compute::CLOpticalFlow::operator=(const CLOpticalFlow &)=delete'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634',1,'arm_compute::CLOpticalFlow::operator=(CLOpticalFlow &&)=default'],['../classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1',1,'arm_compute::ILutAllocator::operator=()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268',1,'arm_compute::ITensorAllocator::operator=(const ITensorAllocator &)=default'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6',1,'arm_compute::ITensorAllocator::operator=(ITensorAllocator &&)=default'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359',1,'arm_compute::NECannyEdge::operator=()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2',1,'arm_compute::NEDepthConvert::operator=()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2',1,'arm_compute::NEGaussianPyramid::operator=(const NEGaussianPyramid &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3',1,'arm_compute::NEGaussianPyramid::operator=(NEGaussianPyramid &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99',1,'arm_compute::NEHOGMultiDetection::operator=()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441',1,'arm_compute::NEOpticalFlow::operator=()'],['../classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe',1,'arm_compute::Tensor::operator=()']]], ['operator_5b_5d',['operator[]',['../classarm__compute_1_1_dimensions.xhtml#a67306b78d448f2ec131a237513572bac',1,'arm_compute::Dimensions::operator[]()'],['../classarm__compute_1_1_window.xhtml#a677b385d536f4f81706f729e9b1c91da',1,'arm_compute::Window::operator[]()']]], ['optical_5fflow_5fpyramid_5flk_2ecl',['optical_flow_pyramid_lk.cl',['../optical__flow__pyramid__lk_8cl.xhtml',1,'']]], ['orientation',['orientation',['../structarm__compute_1_1_key_point.xhtml#a0e3266fc15309697502533db62b682af',1,'arm_compute::KeyPoint::orientation()'],['../struct_keypoint.xhtml#a0e3266fc15309697502533db62b682af',1,'Keypoint::orientation()']]], diff --git a/documentation/search/classes_2.js b/documentation/search/classes_2.js index 8aba45267..294116fdd 100644 --- a/documentation/search/classes_2.js +++ b/documentation/search/classes_2.js @@ -70,6 +70,7 @@ var searchData= ['clgaussianpyramidorb',['CLGaussianPyramidOrb',['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml',1,'arm_compute']]], ['clgaussianpyramidvertkernel',['CLGaussianPyramidVertKernel',['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml',1,'arm_compute']]], ['clgemm',['CLGEMM',['../classarm__compute_1_1_c_l_g_e_m_m.xhtml',1,'arm_compute']]], + ['clgemminterleave4x4',['CLGEMMInterleave4x4',['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml',1,'arm_compute']]], ['clgemminterleave4x4kernel',['CLGEMMInterleave4x4Kernel',['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml',1,'arm_compute']]], ['clgemmlowp',['CLGEMMLowp',['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml',1,'arm_compute']]], ['clgemmlowpmatrixmultiplykernel',['CLGEMMLowpMatrixMultiplyKernel',['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml',1,'arm_compute']]], @@ -155,8 +156,8 @@ var searchData= ['clwarpperspective',['CLWarpPerspective',['../classarm__compute_1_1_c_l_warp_perspective.xhtml',1,'arm_compute']]], ['clwarpperspectivekernel',['CLWarpPerspectiveKernel',['../classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml',1,'arm_compute']]], ['coordinates',['Coordinates',['../classarm__compute_1_1_coordinates.xhtml',1,'arm_compute']]], - ['coordinates2d',['Coordinates2D',['../structarm__compute_1_1_coordinates2_d.xhtml',1,'arm_compute']]], ['coordinates2d',['Coordinates2D',['../struct_coordinates2_d.xhtml',1,'']]], + ['coordinates2d',['Coordinates2D',['../structarm__compute_1_1_coordinates2_d.xhtml',1,'arm_compute']]], ['coordinates3d',['Coordinates3D',['../structarm__compute_1_1_coordinates3_d.xhtml',1,'arm_compute']]], ['cppcornercandidateskernel',['CPPCornerCandidatesKernel',['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml',1,'arm_compute']]], ['cppscheduler',['CPPScheduler',['../classarm__compute_1_1_c_p_p_scheduler.xhtml',1,'arm_compute']]], diff --git a/documentation/search/classes_6.js b/documentation/search/classes_6.js index 6d55162ea..10e7c9278 100644 --- a/documentation/search/classes_6.js +++ b/documentation/search/classes_6.js @@ -1,6 +1,6 @@ var searchData= [ ['kernel',['Kernel',['../classarm__compute_1_1_kernel.xhtml',1,'arm_compute']]], - ['keypoint',['KeyPoint',['../structarm__compute_1_1_key_point.xhtml',1,'arm_compute']]], - ['keypoint',['Keypoint',['../struct_keypoint.xhtml',1,'']]] + ['keypoint',['Keypoint',['../struct_keypoint.xhtml',1,'']]], + ['keypoint',['KeyPoint',['../structarm__compute_1_1_key_point.xhtml',1,'arm_compute']]] ]; diff --git a/documentation/search/classes_9.js b/documentation/search/classes_9.js index 114e7bf09..c1fc7ba35 100644 --- a/documentation/search/classes_9.js +++ b/documentation/search/classes_9.js @@ -35,17 +35,12 @@ var searchData= ['necolorconvert',['NEColorConvert',['../classarm__compute_1_1_n_e_color_convert.xhtml',1,'arm_compute']]], ['necolorconvertkernel',['NEColorConvertKernel',['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml',1,'arm_compute']]], ['neconvolution3x3',['NEConvolution3x3',['../classarm__compute_1_1_n_e_convolution3x3.xhtml',1,'arm_compute']]], - ['neconvolution5x5',['NEConvolution5x5',['../classarm__compute_1_1_n_e_convolution5x5.xhtml',1,'arm_compute']]], - ['neconvolution7x7',['NEConvolution7x7',['../classarm__compute_1_1_n_e_convolution7x7.xhtml',1,'arm_compute']]], - ['neconvolution9x9',['NEConvolution9x9',['../classarm__compute_1_1_n_e_convolution9x9.xhtml',1,'arm_compute']]], ['neconvolutionkernel',['NEConvolutionKernel',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionkernel_3c_205_20_3e',['NEConvolutionKernel< 5 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionkernel_3c_207_20_3e',['NEConvolutionKernel< 7 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], - ['neconvolutionkernel_3c_209_20_3e',['NEConvolutionKernel< 9 >',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml',1,'arm_compute']]], ['neconvolutionlayer',['NEConvolutionLayer',['../classarm__compute_1_1_n_e_convolution_layer.xhtml',1,'arm_compute']]], ['neconvolutionlayerweightsreshapekernel',['NEConvolutionLayerWeightsReshapeKernel',['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml',1,'arm_compute']]], ['neconvolutionrectangle',['NEConvolutionRectangle',['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml',1,'arm_compute']]], ['neconvolutionrectanglekernel',['NEConvolutionRectangleKernel',['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml',1,'arm_compute']]], + ['neconvolutionsquare',['NEConvolutionSquare',['../classarm__compute_1_1_n_e_convolution_square.xhtml',1,'arm_compute']]], ['necumulativedistributionkernel',['NECumulativeDistributionKernel',['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml',1,'arm_compute']]], ['nedepthconvert',['NEDepthConvert',['../classarm__compute_1_1_n_e_depth_convert.xhtml',1,'arm_compute']]], ['nedepthconvertkernel',['NEDepthConvertKernel',['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml',1,'arm_compute']]], @@ -91,7 +86,6 @@ var searchData= ['neharrisscorefp16kernel',['NEHarrisScoreFP16Kernel',['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml',1,'arm_compute']]], ['neharrisscorekernel',['NEHarrisScoreKernel',['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml',1,'arm_compute']]], ['nehistogram',['NEHistogram',['../classarm__compute_1_1_n_e_histogram.xhtml',1,'arm_compute']]], - ['nehistogramborderkernel',['NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml',1,'arm_compute']]], ['nehistogramkernel',['NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml',1,'arm_compute']]], ['nehogblocknormalizationkernel',['NEHOGBlockNormalizationKernel',['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml',1,'arm_compute']]], ['nehogdescriptor',['NEHOGDescriptor',['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml',1,'arm_compute']]], @@ -141,13 +135,7 @@ var searchData= ['nescharr3x3',['NEScharr3x3',['../classarm__compute_1_1_n_e_scharr3x3.xhtml',1,'arm_compute']]], ['nescharr3x3kernel',['NEScharr3x3Kernel',['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml',1,'arm_compute']]], ['neseparableconvolutionhorkernel',['NESeparableConvolutionHorKernel',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionhorkernel_3c_205_20_3e',['NESeparableConvolutionHorKernel< 5 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionhorkernel_3c_207_20_3e',['NESeparableConvolutionHorKernel< 7 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionhorkernel_3c_209_20_3e',['NESeparableConvolutionHorKernel< 9 >',['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml',1,'arm_compute']]], ['neseparableconvolutionvertkernel',['NESeparableConvolutionVertKernel',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionvertkernel_3c_205_20_3e',['NESeparableConvolutionVertKernel< 5 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionvertkernel_3c_207_20_3e',['NESeparableConvolutionVertKernel< 7 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], - ['neseparableconvolutionvertkernel_3c_209_20_3e',['NESeparableConvolutionVertKernel< 9 >',['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml',1,'arm_compute']]], ['nesobel3x3',['NESobel3x3',['../classarm__compute_1_1_n_e_sobel3x3.xhtml',1,'arm_compute']]], ['nesobel3x3kernel',['NESobel3x3Kernel',['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml',1,'arm_compute']]], ['nesobel5x5',['NESobel5x5',['../classarm__compute_1_1_n_e_sobel5x5.xhtml',1,'arm_compute']]], diff --git a/documentation/search/files_2.js b/documentation/search/files_2.js index a25bc08f9..d1b4957bb 100644 --- a/documentation/search/files_2.js +++ b/documentation/search/files_2.js @@ -62,6 +62,7 @@ var searchData= ['clgaussianpyramid_2eh',['CLGaussianPyramid.h',['../_c_l_gaussian_pyramid_8h.xhtml',1,'']]], ['clgaussianpyramidkernel_2eh',['CLGaussianPyramidKernel.h',['../_c_l_gaussian_pyramid_kernel_8h.xhtml',1,'']]], ['clgemm_2eh',['CLGEMM.h',['../_c_l_g_e_m_m_8h.xhtml',1,'']]], + ['clgemminterleave4x4_2eh',['CLGEMMInterleave4x4.h',['../_c_l_g_e_m_m_interleave4x4_8h.xhtml',1,'']]], ['clgemminterleave4x4kernel_2eh',['CLGEMMInterleave4x4Kernel.h',['../_c_l_g_e_m_m_interleave4x4_kernel_8h.xhtml',1,'']]], ['clgemmlowp_2eh',['CLGEMMLowp.h',['../_c_l_g_e_m_m_lowp_8h.xhtml',1,'']]], ['clgemmlowpmatrixmultiplykernel_2eh',['CLGEMMLowpMatrixMultiplyKernel.h',['../_c_l_g_e_m_m_lowp_matrix_multiply_kernel_8h.xhtml',1,'']]], diff --git a/documentation/search/functions_10.js b/documentation/search/functions_10.js index 38b04e09c..c9b97b77c 100644 --- a/documentation/search/functions_10.js +++ b/documentation/search/functions_10.js @@ -21,6 +21,6 @@ var searchData= ['row_5freduce_5fmax_5f5',['row_reduce_max_5',['../non__linear__filter__helpers_8h.xhtml#a310f21b7cf0409431ddf246c4a98e52e',1,'non_linear_filter_helpers.h']]], ['row_5freduce_5fmin_5f3',['row_reduce_min_3',['../non__linear__filter__helpers_8h.xhtml#ae3e09114bb887de4e20122eed42671a1',1,'non_linear_filter_helpers.h']]], ['row_5freduce_5fmin_5f5',['row_reduce_min_5',['../non__linear__filter__helpers_8h.xhtml#aa9d1bdcaf911a5b861c2082181e6a716',1,'non_linear_filter_helpers.h']]], - ['run',['run',['../classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51',1,'arm_compute::ICLKernel::run()'],['../classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple2DKernel::run()'],['../classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple3DKernel::run()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseAndKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseOrKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseXorKernel::run()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGradientKernel::run()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeTraceKernel::run()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelCombineKernel::run()'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelExtractKernel::run()'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCol2ImKernel::run()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLColorConvertKernel::run()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLDerivativeKernel::run()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFastCornersKernel::run()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCopyToArrayKernel::run()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFillBorderKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHarrisScoreKernel::run()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramKernel::run()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramBorderKernel::run()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIm2ColKernel::run()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIntegralImageVertKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerInitKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerFinalizeKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage0Kernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage1Kernel::run()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMeanStdDevKernel::run()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxKernel::run()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxLocationKernel::run()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLNormalizationLayerKernel::run()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPoolingLayerKernel::run()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLRemapKernel::run()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLScharr3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5VertKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7VertKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DNormKernel::run()'],['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2',1,'arm_compute::ICPPKernel::run()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPCornerCandidatesKernel::run()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPSortEuclideanDistanceKernel::run()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedFP16Kernel::run()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateSquaredKernel::run()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEActivationLayerKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseAndKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseNotKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseOrKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseXorKernel::run()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3Kernel::run()'],['../classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3FP16Kernel::run()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGradientKernel::run()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeTraceKernel::run()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelCombineKernel::run()'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelExtractKernel::run()'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECol2ImKernel::run()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEColorConvertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionHorKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionVertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECumulativeDistributionKernel::run()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDepthConvertKernel::run()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDerivativeKernel::run()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDilateKernel::run()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEErodeKernel::run()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFastCornersKernel::run()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillArrayKernel::run()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillBorderKernel::run()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillInnerBorderKernel::run()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMTranspose1xWKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreFP16Kernel::run()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramKernel::run()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramBorderKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGOrientationBinningKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGBlockNormalizationKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGDetectorKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIm2ColKernel::run()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIntegralImageKernel::run()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELKTrackerKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseFP16Kernel::run()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMeanStdDevKernel::run()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMedian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxKernel::run()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxLocationKernel::run()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonLinearFilterKernel::run()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonMaximaSuppression3x3Kernel::run()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENormalizationLayerKernel::run()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPoolingLayerKernel::run()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NERemapKernel::run()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScaleKernel::run()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScharr3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7VertKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DMaxKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DNormKernel::run()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETableLookupKernel::run()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEThresholdKernel::run()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETransposeKernel::run()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::INEWarpKernel::run()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad',1,'arm_compute::CLCannyEdge::run()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionSquare::run()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionLayer::run()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLEqualizeHistogram::run()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFastCorners::run()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFullyConnectedLayer::run()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussian5x5::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidHalf::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidOrb::run()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMM::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMMLowp::run()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHarrisCorners::run()'],['../classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHistogram::run()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLIntegralImage::run()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianPyramid::run()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianReconstruct::run()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMeanStdDev::run()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMinMaxLocation::run()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLNormalizationLayer::run()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLOpticalFlow::run()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel5x5::run()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel7x7::run()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSoftmaxLayer::run()'],['../classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::ICLSimpleFunction::run()'],['../classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b',1,'arm_compute::IFunction::run()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NECannyEdge::run()'],['../classarm__compute_1_1_n_e_convolution5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution5x5::run()'],['../classarm__compute_1_1_n_e_convolution7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution7x7::run()'],['../classarm__compute_1_1_n_e_convolution9x9.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolution9x9::run()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionLayer::run()'],['../classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEDerivative::run()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEEqualizeHistogram::run()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFastCorners::run()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFillBorder::run()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFullyConnectedLayer::run()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussian5x5::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidHalf::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidOrb::run()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMM::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMMLowp::run()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHarrisCorners::run()'],['../classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHistogram::run()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGDescriptor::run()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGGradient::run()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGMultiDetection::run()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianPyramid::run()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianReconstruct::run()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMeanStdDev::run()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMinMaxLocation::run()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NENormalizationLayer::run()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEOpticalFlow::run()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel5x5::run()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel7x7::run()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESoftmaxLayer::run()'],['../classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::INESimpleFunction::run()']]], + ['run',['run',['../classarm__compute_1_1_i_c_l_kernel.xhtml#af6a174d47571f51f199ffc27ecc10f51',1,'arm_compute::ICLKernel::run()'],['../classarm__compute_1_1_i_c_l_simple2_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple2DKernel::run()'],['../classarm__compute_1_1_i_c_l_simple3_d_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::ICLSimple3DKernel::run()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseAndKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseOrKernel::run()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLBitwiseXorKernel::run()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGradientKernel::run()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLEdgeTraceKernel::run()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelCombineKernel::run()'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLChannelExtractKernel::run()'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCol2ImKernel::run()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLColorConvertKernel::run()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLDerivativeKernel::run()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFastCornersKernel::run()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLCopyToArrayKernel::run()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLFillBorderKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHarrisScoreKernel::run()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramKernel::run()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLHistogramBorderKernel::run()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIm2ColKernel::run()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLIntegralImageVertKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerInitKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerFinalizeKernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage0Kernel::run()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLKTrackerStage1Kernel::run()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMeanStdDevKernel::run()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxKernel::run()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLMinMaxLocationKernel::run()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLNormalizationLayerKernel::run()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLPoolingLayerKernel::run()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLRemapKernel::run()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLScharr3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel3x3Kernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel5x5VertKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7HorKernel::run()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLSobel7x7VertKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a493987e85723a8000eb26d1f00e2ad0e',1,'arm_compute::CLLogits1DNormKernel::run()'],['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a6f56c8bb44166634652b877d6eb7a9a2',1,'arm_compute::ICPPKernel::run()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPCornerCandidatesKernel::run()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::CPPSortEuclideanDistanceKernel::run()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAbsoluteDifferenceKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedKernel::run()'],['../classarm__compute_1_1_n_e_accumulate_weighted_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateWeightedFP16Kernel::run()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEAccumulateSquaredKernel::run()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEActivationLayerKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticAdditionKernel::run()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEArithmeticSubtractionKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseAndKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseNotKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseOrKernel::run()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBitwiseXorKernel::run()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3Kernel::run()'],['../classarm__compute_1_1_n_e_box3x3_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEBox3x3FP16Kernel::run()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGradientKernel::run()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEEdgeTraceKernel::run()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelCombineKernel::run()'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEChannelExtractKernel::run()'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECol2ImKernel::run()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEColorConvertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionHorKernel::run()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESeparableConvolutionVertKernel::run()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionRectangleKernel::run()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::run()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NECumulativeDistributionKernel::run()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDepthConvertKernel::run()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDerivativeKernel::run()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEDilateKernel::run()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEErodeKernel::run()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFastCornersKernel::run()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillArrayKernel::run()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillBorderKernel::run()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEFillInnerBorderKernel::run()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussian5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidHorKernel::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGaussianPyramidVertKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMInterleave4x4Kernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixAdditionKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMMatrixMultiplyKernel::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEGEMMTranspose1xWKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreKernel::run()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHarrisScoreFP16Kernel::run()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHistogramKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGOrientationBinningKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGBlockNormalizationKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGDetectorKernel::run()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::run()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIm2ColKernel::run()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEIntegralImageKernel::run()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELKTrackerKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseKernel::run()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMagnitudePhaseFP16Kernel::run()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMeanStdDevKernel::run()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMedian3x3Kernel::run()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxKernel::run()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEMinMaxLocationKernel::run()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonLinearFilterKernel::run()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENonMaximaSuppression3x3Kernel::run()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NENormalizationLayerKernel::run()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPixelWiseMultiplicationKernel::run()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEPoolingLayerKernel::run()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NERemapKernel::run()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScaleKernel::run()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEScharr3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel3x3Kernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel5x5VertKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7HorKernel::run()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NESobel7x7VertKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DMaxKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DShiftExpSumKernel::run()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NELogits1DNormKernel::run()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETableLookupKernel::run()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NEThresholdKernel::run()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::NETransposeKernel::run()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a8fd12b95bdde3f93db96bc9b1598db69',1,'arm_compute::INEWarpKernel::run()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#a108972ffc2f5536ceee15428b2b130ad',1,'arm_compute::CLCannyEdge::run()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionSquare::run()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLConvolutionLayer::run()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLEqualizeHistogram::run()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFastCorners::run()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLFullyConnectedLayer::run()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussian5x5::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidHalf::run()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGaussianPyramidOrb::run()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMM::run()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLGEMMLowp::run()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHarrisCorners::run()'],['../classarm__compute_1_1_c_l_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLHistogram::run()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLIntegralImage::run()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianPyramid::run()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLLaplacianReconstruct::run()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMeanStdDev::run()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLMinMaxLocation::run()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLNormalizationLayer::run()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLOpticalFlow::run()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel5x5::run()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSobel7x7::run()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::CLSoftmaxLayer::run()'],['../classarm__compute_1_1_i_c_l_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::ICLSimpleFunction::run()'],['../classarm__compute_1_1_i_function.xhtml#a18954417d3124a8095783ea13dc6d00b',1,'arm_compute::IFunction::run()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NECannyEdge::run()'],['../classarm__compute_1_1_n_e_convolution_square.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionSquare::run()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEConvolutionLayer::run()'],['../classarm__compute_1_1_n_e_derivative.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEDerivative::run()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEEqualizeHistogram::run()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFastCorners::run()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFillBorder::run()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEFullyConnectedLayer::run()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussian5x5::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidHalf::run()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGaussianPyramidOrb::run()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMM::run()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEGEMMLowp::run()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHarrisCorners::run()'],['../classarm__compute_1_1_n_e_histogram.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHistogram::run()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGDescriptor::run()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGGradient::run()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEHOGMultiDetection::run()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianPyramid::run()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NELaplacianReconstruct::run()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMeanStdDev::run()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEMinMaxLocation::run()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NENormalizationLayer::run()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NEOpticalFlow::run()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel5x5::run()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESobel7x7::run()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#ad1717410afd0be936c6213a63c8005fb',1,'arm_compute::NESoftmaxLayer::run()'],['../classarm__compute_1_1_i_n_e_simple_function.xhtml#ab5fd6e96c07aaaed2747c7e16ed5951e',1,'arm_compute::INESimpleFunction::run()']]], ['run_5fexample',['run_example',['../namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e',1,'test_helpers']]] ]; diff --git a/documentation/search/functions_11.js b/documentation/search/functions_11.js index 2122b3889..bf7c3df02 100644 --- a/documentation/search/functions_11.js +++ b/documentation/search/functions_11.js @@ -44,7 +44,7 @@ var searchData= ['sort5',['sort5',['../non__linear__filter__helpers_8h.xhtml#a7b5c174de888c3cfa7c08c16682fd770',1,'non_linear_filter_helpers.h']]], ['sort9',['sort9',['../non__linear__filter__helpers_8h.xhtml#a0960df49e39a9499677066c32600c17f',1,'non_linear_filter_helpers.h']]], ['split_5fwindow',['split_window',['../classarm__compute_1_1_window.xhtml#aa4ce41fc0f8c3203753a4fbee8211f5a',1,'arm_compute::Window']]], - ['start',['start',['../classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375',1,'arm_compute::Window::Dimension']]], + ['start',['start',['../structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed',1,'arm_compute::ValidRegion::start()'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a27c3790df96e9523b0370e7e10c0d375',1,'arm_compute::Window::Dimension::start()']]], ['step',['step',['../classarm__compute_1_1_window_1_1_dimension.xhtml#a992b375fc3254afe2e38f63bc29a43d4',1,'arm_compute::Window::Dimension']]], ['steps',['Steps',['../classarm__compute_1_1_steps.xhtml#ae1478601d1a4df4ce6952dfedc42aea6',1,'arm_compute::Steps::Steps(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a55144677120e26b771c2ed3959fb21bf',1,'arm_compute::Steps::Steps(Steps &&)=default']]], ['stride',['stride',['../classarm__compute_1_1_pad_stride_info.xhtml#ad2f1ea50a9e215ad8ef612a724a4866a',1,'arm_compute::PadStrideInfo']]], diff --git a/documentation/search/functions_14.js b/documentation/search/functions_14.js index 42f50bf00..4857e7899 100644 --- a/documentation/search/functions_14.js +++ b/documentation/search/functions_14.js @@ -4,12 +4,12 @@ var searchData= ['valid_5fregion',['valid_region',['../classarm__compute_1_1_tensor_info.xhtml#ac437ef0718add962a4059fb3b3084c34',1,'arm_compute::TensorInfo']]], ['validate',['validate',['../classarm__compute_1_1_window.xhtml#a048aaadf42ac725952523dd9546e96b5',1,'arm_compute::Window']]], ['validregion',['ValidRegion',['../structarm__compute_1_1_valid_region.xhtml#a77ef520daabfab023d01732f24101c6e',1,'arm_compute::ValidRegion::ValidRegion()'],['../structarm__compute_1_1_valid_region.xhtml#af431f8fe2fbb6f0032006ddf53e6b03b',1,'arm_compute::ValidRegion::ValidRegion(const ValidRegion &)=default'],['../structarm__compute_1_1_valid_region.xhtml#a0147a2fe0634bb9caa4454f60525592e',1,'arm_compute::ValidRegion::ValidRegion(ValidRegion &&)=default'],['../structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193',1,'arm_compute::ValidRegion::ValidRegion(Coordinates anchor, TensorShape shape)']]], - ['vector_5foffset',['vector_offset',['../helpers_8h.xhtml#a37878e370129d09b9a86f61b57dbc0a8',1,'helpers.h']]], - ['vexp_5ff32',['vexp_f32',['../namespacearm__compute.xhtml#ab61617950fb57bf883ee19fc4e219826',1,'arm_compute']]], - ['vinv_5ff32',['vinv_f32',['../namespacearm__compute.xhtml#a99d2837a875fc6bca19755f40205f04a',1,'arm_compute']]], - ['vinvsqrt_5ff32',['vinvsqrt_f32',['../namespacearm__compute.xhtml#aab4b53a52d617f05420711425f20ed4b',1,'arm_compute']]], - ['vlog_5ff32',['vlog_f32',['../namespacearm__compute.xhtml#afa7e6a89815b00d86c5ae6ec73d79c26',1,'arm_compute']]], + ['vector_5foffset',['vector_offset',['../helpers_8h.xhtml#a7e4940407322d6f0ccb8b6b86b856019',1,'helpers.h']]], + ['vexpq_5ff32',['vexpq_f32',['../namespacearm__compute.xhtml#aa197f574e5effe492aa8034651467eb3',1,'arm_compute']]], + ['vinvq_5ff32',['vinvq_f32',['../namespacearm__compute.xhtml#ae1cdb8bbcb3f7ce5d3469f42f19d37a6',1,'arm_compute']]], + ['vinvsqrtq_5ff32',['vinvsqrtq_f32',['../namespacearm__compute.xhtml#ab8970d7aed07d8649f5e3088455948b8',1,'arm_compute']]], + ['vlogq_5ff32',['vlogq_f32',['../namespacearm__compute.xhtml#a4082e6868f902da08483e54ec07484c8',1,'arm_compute']]], ['vpowq_5ff32',['vpowq_f32',['../namespacearm__compute.xhtml#ae0dbcd09c015bda4ab290b957d7bd6c7',1,'arm_compute']]], - ['vtanh_5ff32',['vtanh_f32',['../namespacearm__compute.xhtml#af2002ba27e8c8033e3038da708248f32',1,'arm_compute']]], - ['vtaylor_5fpoly_5ff32',['vtaylor_poly_f32',['../namespacearm__compute.xhtml#aa4e5c4d2084010ee1c68475fde882f84',1,'arm_compute']]] + ['vtanhq_5ff32',['vtanhq_f32',['../namespacearm__compute.xhtml#a9598330b2406691ce6580f7506e62168',1,'arm_compute']]], + ['vtaylor_5fpolyq_5ff32',['vtaylor_polyq_f32',['../namespacearm__compute.xhtml#ac91f64208cebf2177a6be3a40ecebca8',1,'arm_compute']]] ]; diff --git a/documentation/search/functions_19.js b/documentation/search/functions_19.js index 55a753136..b7f71cb17 100644 --- a/documentation/search/functions_19.js +++ b/documentation/search/functions_19.js @@ -35,6 +35,7 @@ var searchData= ['_7eiarray',['~IArray',['../classarm__compute_1_1_i_array.xhtml#acaeb87c4bcccaf15bb25bd2c8e44658a',1,'arm_compute::IArray']]], ['_7eiclarray',['~ICLArray',['../classarm__compute_1_1_i_c_l_array.xhtml#a0c95f444049eea7c7d14f6fd57ef40a1',1,'arm_compute::ICLArray']]], ['_7eiclsimplekernel',['~ICLSimpleKernel',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a0038fc9fcfaba0b247991f74395ef0fa',1,'arm_compute::ICLSimpleKernel']]], + ['_7eicltensor',['~ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#aa0bce17c5cd01f2b45cc59afd615913e',1,'arm_compute::ICLTensor']]], ['_7eicppkernel',['~ICPPKernel',['../classarm__compute_1_1_i_c_p_p_kernel.xhtml#a033d17a97e07cea7fe83eefcf23540f6',1,'arm_compute::ICPPKernel']]], ['_7eicppsimplekernel',['~ICPPSimpleKernel',['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a819c40bc2449e5c47178bb34680256b8',1,'arm_compute::ICPPSimpleKernel']]], ['_7eidistribution',['~IDistribution',['../classarm__compute_1_1_i_distribution.xhtml#a9ee18d758810dbcfb1c9717956f51c38',1,'arm_compute::IDistribution']]], @@ -67,7 +68,6 @@ var searchData= ['_7enegaussianpyramidvertkernel',['~NEGaussianPyramidVertKernel',['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a335e126153ef3b664bf56c3e8ad143de',1,'arm_compute::NEGaussianPyramidVertKernel']]], ['_7enegemmmatrixaccumulatebiaseskernel',['~NEGEMMMatrixAccumulateBiasesKernel',['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#af26cd032cee8d8d035b8d5e52422f397',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel']]], ['_7enegradientkernel',['~NEGradientKernel',['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#aec72e1144d2cb538834aa369232de727',1,'arm_compute::NEGradientKernel']]], - ['_7enehistogramborderkernel',['~NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a6783e834d68170ac619d0f307b2ead14',1,'arm_compute::NEHistogramBorderKernel']]], ['_7enehistogramkernel',['~NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4983480fbaa765aea4052cf5c28bf60e',1,'arm_compute::NEHistogramKernel']]], ['_7enehogblocknormalizationkernel',['~NEHOGBlockNormalizationKernel',['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a868e84205d6f33fc9bc1a24834752839',1,'arm_compute::NEHOGBlockNormalizationKernel']]], ['_7enehogdetectorkernel',['~NEHOGDetectorKernel',['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ac8fd84865e94c9be09c574eb9abdfde6',1,'arm_compute::NEHOGDetectorKernel']]], diff --git a/documentation/search/functions_2.js b/documentation/search/functions_2.js index 0cd6e87de..69ec9795d 100644 --- a/documentation/search/functions_2.js +++ b/documentation/search/functions_2.js @@ -128,7 +128,7 @@ var searchData= ['compute_5fstrength',['compute_strength',['../fast__corners_8cl.xhtml#aea4e2a64dfdec6a9ecf62f8cd518fc17',1,'fast_corners.cl']]], ['compute_5fstrides',['compute_strides',['../namespacearm__compute.xhtml#aedfc72aa9d25b8918734bd374421ee32',1,'arm_compute::compute_strides(const TensorInfo &info, T stride_x, Ts &&...fixed_strides)'],['../namespacearm__compute.xhtml#a99bbb937f89cde6dfe346f566d41c707',1,'arm_compute::compute_strides(const TensorInfo &info)']]], ['compute_5fvalid_5fregion',['compute_valid_region',['../classarm__compute_1_1_access_window_auto_padding.xhtml#afcb885847b100ff54645487092b6af74',1,'arm_compute::AccessWindowAutoPadding::compute_valid_region() const '],['../classarm__compute_1_1_access_window_auto_padding.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowAutoPadding::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override'],['../classarm__compute_1_1_access_window_static.xhtml#aab85c0fd0e72d231aad894f28f12528b',1,'arm_compute::AccessWindowStatic::compute_valid_region(const Window &window, ValidRegion input_valid_region) const '],['../classarm__compute_1_1_access_window_static.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowStatic::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override'],['../classarm__compute_1_1_access_window_transpose.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowTranspose::compute_valid_region()'],['../classarm__compute_1_1_i_access_window.xhtml#ae2b4aabf2a14dce92e04c0eeb0ab73b9',1,'arm_compute::IAccessWindow::compute_valid_region()'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a982d6e438dabc0d759d01464fe939cfd',1,'arm_compute::AccessWindowRectangle::compute_valid_region(const Window &window, const ValidRegion &input_valid_region) const '],['../classarm__compute_1_1_access_window_rectangle.xhtml#ae80edc371ba9f02d756aed720040878b',1,'arm_compute::AccessWindowRectangle::compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const override']]], - ['configure',['configure',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae',1,'arm_compute::ICLSimpleKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_kernel.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulateKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAndKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNotKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOrKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXorKernel::configure()'],['../classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLBox3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101',1,'arm_compute::CLGradientKernel::configure()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a209e05c2e2bf4d5fb2b9e3f75c7d79aa',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#af4b40677259a11edd3e83e82c1c6dd9d',1,'arm_compute::CLEdgeTraceKernel::configure()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombineKernel::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombineKernel::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtractKernel::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtractKernel::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99',1,'arm_compute::CLCol2ImKernel::configure()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvertKernel::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvertKernel::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb',1,'arm_compute::CLConvolutionKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f',1,'arm_compute::CLSeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436',1,'arm_compute::CLSeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#abcf9df2e9d1da8abf27ca1678951673f',1,'arm_compute::CLConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a74f55a4d6b772d24f720905b5edd8cb0',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_c_l_depth_convert_kernel.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvertKernel::configure()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLDerivativeKernel::configure()'],['../classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLDilateKernel::configure()'],['../classarm__compute_1_1_c_l_erode_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLErodeKernel::configure()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a84deccfff9f686445194594e058284bf',1,'arm_compute::CLFastCornersKernel::configure()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a1d8f06853b678915058ff9e8259948b3',1,'arm_compute::CLCopyToArrayKernel::configure()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06',1,'arm_compute::CLFillBorderKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63',1,'arm_compute::CLGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128',1,'arm_compute::CLGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be',1,'arm_compute::CLHarrisScoreKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramBorderKernel::configure()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7',1,'arm_compute::CLIm2ColKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImageHorKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf',1,'arm_compute::CLIntegralImageVertKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa',1,'arm_compute::CLLKTrackerInitKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5',1,'arm_compute::CLLKTrackerFinalizeKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3',1,'arm_compute::CLLKTrackerStage0Kernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64',1,'arm_compute::CLLKTrackerStage1Kernel::configure()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9',1,'arm_compute::CLMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082',1,'arm_compute::CLMeanStdDevKernel::configure()'],['../classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLMedian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9',1,'arm_compute::CLMinMaxKernel::configure()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f',1,'arm_compute::CLMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319',1,'arm_compute::CLNonLinearFilterKernel::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLNonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc',1,'arm_compute::CLNormalizationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c',1,'arm_compute::CLPoolingLayerKernel::configure()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3',1,'arm_compute::CLRemapKernel::configure()'],['../classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26',1,'arm_compute::CLScaleKernel::configure()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLScharr3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel7x7HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel7x7VertKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLLogits1DMaxKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4',1,'arm_compute::CLLogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571',1,'arm_compute::CLLogits1DNormKernel::configure()'],['../classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookupKernel::configure()'],['../classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de',1,'arm_compute::CLThresholdKernel::configure()'],['../classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTransposeKernel::configure()'],['../classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpAffineKernel::configure()'],['../classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpPerspectiveKernel::configure()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632',1,'arm_compute::CPPCornerCandidatesKernel::configure()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452',1,'arm_compute::CPPSortEuclideanDistanceKernel::configure()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b',1,'arm_compute::NEAccumulateKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a',1,'arm_compute::NEAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663',1,'arm_compute::NEAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAndKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNotKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOrKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXorKernel::configure()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEBox3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e',1,'arm_compute::NEGradientKernel::configure()'],['../classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448',1,'arm_compute::NEGradientFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NEEdgeTraceKernel::configure()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombineKernel::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombineKernel::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtractKernel::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtractKernel::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5',1,'arm_compute::NECol2ImKernel::configure()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvertKernel::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvertKernel::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222',1,'arm_compute::NEConvolutionKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625',1,'arm_compute::NESeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22',1,'arm_compute::NESeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9',1,'arm_compute::NEConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833',1,'arm_compute::NECumulativeDistributionKernel::configure()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvertKernel::configure()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEDerivativeKernel::configure()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEDilateKernel::configure()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEErodeKernel::configure()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc',1,'arm_compute::NEFastCornersKernel::configure()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43',1,'arm_compute::NEFillArrayKernel::configure()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6',1,'arm_compute::NEFillBorderKernel::configure()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a',1,'arm_compute::NEFillInnerBorderKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934',1,'arm_compute::NEGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1',1,'arm_compute::NEGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec',1,'arm_compute::INEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut)'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output)'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#af3f8935e8d727cac24aebf398ee72ee5',1,'arm_compute::NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *window_lut, const unsigned int hist_elements_per_thread)'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a50b28583d53acc03db636fcd54b17d4b',1,'arm_compute::NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, const unsigned int hist_elements_per_thread)'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05',1,'arm_compute::NEHOGOrientationBinningKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5',1,'arm_compute::NEHOGBlockNormalizationKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632',1,'arm_compute::NEHOGDetectorKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4',1,'arm_compute::NEIm2ColKernel::configure()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImageKernel::configure()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a1a240e81daadc55f75e59ab796faf029',1,'arm_compute::NELKTrackerKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb',1,'arm_compute::NEMeanStdDevKernel::configure()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEMedian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823',1,'arm_compute::NEMinMaxKernel::configure()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3',1,'arm_compute::NENonLinearFilterKernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3FP16Kernel::configure()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166',1,'arm_compute::NENormalizationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c',1,'arm_compute::NEPoolingLayerKernel::configure()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616',1,'arm_compute::NERemapKernel::configure()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699',1,'arm_compute::NEScaleKernel::configure()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEScharr3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3',1,'arm_compute::NESobel5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel7x7HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae',1,'arm_compute::NESobel7x7VertKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NELogits1DMaxKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b',1,'arm_compute::NELogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5',1,'arm_compute::NELogits1DNormKernel::configure()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookupKernel::configure()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e',1,'arm_compute::NEThresholdKernel::configure()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETransposeKernel::configure()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0',1,'arm_compute::INEWarpKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifference::configure()'],['../classarm__compute_1_1_c_l_accumulate.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulate::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeighted::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquared::configure()'],['../classarm__compute_1_1_c_l_activation_layer.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayer::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAddition::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtraction::configure()'],['../classarm__compute_1_1_c_l_bitwise_and.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAnd::configure()'],['../classarm__compute_1_1_c_l_bitwise_not.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNot::configure()'],['../classarm__compute_1_1_c_l_bitwise_or.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOr::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXor::configure()'],['../classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLBox3x3::configure()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d',1,'arm_compute::CLCannyEdge::configure()'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombine::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombine::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtract::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtract::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvert::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvert::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolution3x3::configure()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolutionSquare::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2',1,'arm_compute::CLConvolutionRectangle::configure()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#a0e2cfb6fb263bd6f761756c816574345',1,'arm_compute::CLConvolutionLayer::configure()'],['../classarm__compute_1_1_c_l_depth_convert.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvert::configure()'],['../classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLDerivative::configure()'],['../classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLDilate::configure()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#a78c50e58e4c8be6de11ac6e78ca02eff',1,'arm_compute::CLEqualizeHistogram::configure()'],['../classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLErode::configure()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c',1,'arm_compute::CLFastCorners::configure()'],['../classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5',1,'arm_compute::CLFillBorder::configure()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#a359533338d3ce0b6e598796ca2f3d938',1,'arm_compute::CLFullyConnectedLayer::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian3x3::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian5x5::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb',1,'arm_compute::CLGaussianPyramid::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f',1,'arm_compute::CLGEMM::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79',1,'arm_compute::CLGEMMLowp::configure()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2',1,'arm_compute::CLHarrisCorners::configure()'],['../classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogram::configure()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImage::configure()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4',1,'arm_compute::CLLaplacianPyramid::configure()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec',1,'arm_compute::CLLaplacianReconstruct::configure()'],['../classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2',1,'arm_compute::CLMagnitude::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321',1,'arm_compute::CLMeanStdDev::configure()'],['../classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLMedian3x3::configure()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce',1,'arm_compute::CLMinMaxLocation::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee',1,'arm_compute::CLNonLinearFilter::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59',1,'arm_compute::CLNonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da',1,'arm_compute::CLNormalizationLayer::configure()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601',1,'arm_compute::CLOpticalFlow::configure()'],['../classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa',1,'arm_compute::CLPhase::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa',1,'arm_compute::CLPoolingLayer::configure()'],['../classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a',1,'arm_compute::CLRemap::configure()'],['../classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22',1,'arm_compute::CLScale::configure()'],['../classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLScharr3x3::configure()'],['../classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel3x3::configure()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel5x5::configure()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel7x7::configure()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLSoftmaxLayer::configure()'],['../classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookup::configure()'],['../classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb',1,'arm_compute::CLThreshold::configure()'],['../classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTranspose::configure()'],['../classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpAffine::configure()'],['../classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpPerspective::configure()'],['../classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifference::configure()'],['../classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEAccumulate::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844',1,'arm_compute::NEAccumulateWeighted::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08',1,'arm_compute::NEAccumulateSquared::configure()'],['../classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayer::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAddition::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtraction::configure()'],['../classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAnd::configure()'],['../classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNot::configure()'],['../classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOr::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXor::configure()'],['../classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7',1,'arm_compute::NEBox3x3::configure()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0',1,'arm_compute::NECannyEdge::configure()'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombine::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombine::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtract::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtract::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvert::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvert::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution3x3::configure()'],['../classarm__compute_1_1_n_e_convolution5x5.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution5x5::configure()'],['../classarm__compute_1_1_n_e_convolution7x7.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution7x7::configure()'],['../classarm__compute_1_1_n_e_convolution9x9.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution9x9::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0',1,'arm_compute::NEConvolutionRectangle::configure()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a',1,'arm_compute::NEConvolutionLayer::configure()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvert::configure()'],['../classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEDerivative::configure()'],['../classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEDilate::configure()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c',1,'arm_compute::NEEqualizeHistogram::configure()'],['../classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEErode::configure()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c',1,'arm_compute::NEFastCorners::configure()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6',1,'arm_compute::NEFillBorder::configure()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4',1,'arm_compute::NEFullyConnectedLayer::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian3x3::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian5x5::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba',1,'arm_compute::NEGaussianPyramid::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f',1,'arm_compute::NEGEMM::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b',1,'arm_compute::NEGEMMLowp::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xW::configure()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3',1,'arm_compute::NEHarrisCorners::configure()'],['../classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogram::configure()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4',1,'arm_compute::NEHOGDescriptor::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115',1,'arm_compute::NEHOGDetector::configure()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa',1,'arm_compute::NEHOGGradient::configure()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271',1,'arm_compute::NEHOGMultiDetection::configure()'],['../classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImage::configure()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351',1,'arm_compute::NELaplacianPyramid::configure()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63',1,'arm_compute::NELaplacianReconstruct::configure()'],['../classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f',1,'arm_compute::NEMagnitude::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25',1,'arm_compute::NEMeanStdDev::configure()'],['../classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEMedian3x3::configure()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocation::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8',1,'arm_compute::NENonLinearFilter::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4',1,'arm_compute::NENonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb',1,'arm_compute::NENormalizationLayer::configure()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c',1,'arm_compute::NEOpticalFlow::configure()'],['../classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEPhase::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568',1,'arm_compute::NEPoolingLayer::configure()'],['../classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9',1,'arm_compute::NERemap::configure()'],['../classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940',1,'arm_compute::NEScale::configure()'],['../classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEScharr3x3::configure()'],['../classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel3x3::configure()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel5x5::configure()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel7x7::configure()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NESoftmaxLayer::configure()'],['../classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookup::configure()'],['../classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c',1,'arm_compute::NEThreshold::configure()'],['../classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETranspose::configure()'],['../classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpAffine::configure()'],['../classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpPerspective::configure()']]], + ['configure',['configure',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a1a4031af60bf9aff1b58a3acf3c95fae',1,'arm_compute::ICLSimpleKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_kernel.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulateKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted_kernel.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared_kernel.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_c_l_activation_layer_kernel.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAndKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_not_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNotKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOrKernel::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXorKernel::configure()'],['../classarm__compute_1_1_c_l_box3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLBox3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#ad67340e556964fbc6aee83f7b2ff8101',1,'arm_compute::CLGradientKernel::configure()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#a209e05c2e2bf4d5fb2b9e3f75c7d79aa',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#af4b40677259a11edd3e83e82c1c6dd9d',1,'arm_compute::CLEdgeTraceKernel::configure()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombineKernel::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombineKernel::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtractKernel::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtractKernel::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#aad0cb4f6949783837d04c3548ff08f99',1,'arm_compute::CLCol2ImKernel::configure()'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvertKernel::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvertKernel::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvertKernel::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution_kernel.xhtml#a07e35fa34ecbbc82d848fa3997cc6fdb',1,'arm_compute::CLConvolutionKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_hor_kernel.xhtml#a3fac04034e1bd9deaac9fd1451e77f4f',1,'arm_compute::CLSeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_c_l_separable_convolution_vert_kernel.xhtml#a3c4d5524c637d3964eaeb6040f53d436',1,'arm_compute::CLSeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#abcf9df2e9d1da8abf27ca1678951673f',1,'arm_compute::CLConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a74f55a4d6b772d24f720905b5edd8cb0',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_c_l_depth_convert_kernel.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvertKernel::configure()'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLDerivativeKernel::configure()'],['../classarm__compute_1_1_c_l_dilate_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLDilateKernel::configure()'],['../classarm__compute_1_1_c_l_erode_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLErodeKernel::configure()'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#a84deccfff9f686445194594e058284bf',1,'arm_compute::CLFastCornersKernel::configure()'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a1d8f06853b678915058ff9e8259948b3',1,'arm_compute::CLCopyToArrayKernel::configure()'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#ae1b9fe62ed42f469f1de879c33d75c06',1,'arm_compute::CLFillBorderKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a8aa4449c8d99240410f4e9dff644614b',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#acd42d73bdf14e61d6414450f134e9651',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a00ca198bac061a1fdfbb4246e7048e63',1,'arm_compute::CLGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#adc79c03f5f41ab721edc1469e714c128',1,'arm_compute::CLGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#aab77e3e19e73caf469b27792d710a3be',1,'arm_compute::CLHarrisScoreKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramKernel::configure()'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogramBorderKernel::configure()'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#a56c409768c719db2ba63a6be733c42d7',1,'arm_compute::CLIm2ColKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_hor_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImageHorKernel::configure()'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#a2ee43bea6ad1257f88be93bdd4fff2cf',1,'arm_compute::CLIntegralImageVertKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_init_kernel.xhtml#adc3ba3031b85b80ceacde189d1ebe2aa',1,'arm_compute::CLLKTrackerInitKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_finalize_kernel.xhtml#a020db92b2cd6b5c0c8482402f38e08e5',1,'arm_compute::CLLKTrackerFinalizeKernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#af50d75c9037fab52ec75dd9be62103a3',1,'arm_compute::CLLKTrackerStage0Kernel::configure()'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#ad4e047471bcabdeae5c07e1ed627ce64',1,'arm_compute::CLLKTrackerStage1Kernel::configure()'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a97c0a4edbeca3c32dda036b81446a4d9',1,'arm_compute::CLMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#a85a25a050f0ff16c3081048085a7d082',1,'arm_compute::CLMeanStdDevKernel::configure()'],['../classarm__compute_1_1_c_l_median3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLMedian3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#abc0a058391c8944b83257ec47b0211b9',1,'arm_compute::CLMinMaxKernel::configure()'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#aaac9d68119e223b67847deb43021630f',1,'arm_compute::CLMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter_kernel.xhtml#a09ed8b2a062c440ad00a290624c39319',1,'arm_compute::CLNonLinearFilterKernel::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3_kernel.xhtml#a67b0c2ccd2c37a8d29fa6cc4b26795d8',1,'arm_compute::CLNonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#a2a2148b6881c2c883f6dec1255f9f8dc',1,'arm_compute::CLNormalizationLayerKernel::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a13226200322fb9ca881174695946705c',1,'arm_compute::CLPoolingLayerKernel::configure()'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#ad55d92eda4737d79e57dfdf99e447fb3',1,'arm_compute::CLRemapKernel::configure()'],['../classarm__compute_1_1_c_l_scale_kernel.xhtml#ab26db9cb08db9bcae3b86d2079d9bd26',1,'arm_compute::CLScaleKernel::configure()'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLScharr3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel3x3Kernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel5x5HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel5x5VertKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ab24f49526202babfe7df925cd326427b',1,'arm_compute::CLSobel7x7HorKernel::configure()'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a3f047ae95fab233f3385d6ddbd590383',1,'arm_compute::CLSobel7x7VertKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_max_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLLogits1DMaxKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#ade8c71425c5ed3b14c32b030e06771a4',1,'arm_compute::CLLogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a5ab5985029f129e11da510b15009c571',1,'arm_compute::CLLogits1DNormKernel::configure()'],['../classarm__compute_1_1_c_l_table_lookup_kernel.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookupKernel::configure()'],['../classarm__compute_1_1_c_l_threshold_kernel.xhtml#af95973be8cc372e60a6872e18176d1de',1,'arm_compute::CLThresholdKernel::configure()'],['../classarm__compute_1_1_c_l_transpose_kernel.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTransposeKernel::configure()'],['../classarm__compute_1_1_c_l_warp_affine_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpAffineKernel::configure()'],['../classarm__compute_1_1_c_l_warp_perspective_kernel.xhtml#a80f957260bcc6d37da2a6e10eb885fa8',1,'arm_compute::CLWarpPerspectiveKernel::configure()'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a4a5bcfcb1a9a25daecc442af866f0632',1,'arm_compute::CPPCornerCandidatesKernel::configure()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a5bcc803e3a8b159ba7f09acb25dba452',1,'arm_compute::CPPSortEuclideanDistanceKernel::configure()'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifferenceKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_kernel.xhtml#aed51cd474d496c265ab8e929f39dc01b',1,'arm_compute::NEAccumulateKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted_kernel.xhtml#ad3a581db799a5767c08d8f35a4a6a39a',1,'arm_compute::NEAccumulateWeightedKernel::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared_kernel.xhtml#ae228f773f5a010373010a0851ab18663',1,'arm_compute::NEAccumulateSquaredKernel::configure()'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtractionKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAndKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNotKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOrKernel::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXorKernel::configure()'],['../classarm__compute_1_1_n_e_box3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEBox3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a49306e1c9421979fc704f3c96096ce8e',1,'arm_compute::NEGradientKernel::configure()'],['../classarm__compute_1_1_n_e_gradient_f_p16_kernel.xhtml#adb775291de007def514f8c8d368e7448',1,'arm_compute::NEGradientFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a57a36344e261edfdfa97b19ac40b7c30',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NEEdgeTraceKernel::configure()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombineKernel::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombineKernel::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtractKernel::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtractKernel::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a6375279b8bdfa6b39296e7d41ae94ce5',1,'arm_compute::NECol2ImKernel::configure()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvertKernel::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvertKernel::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a8873a8f053f3d2322e297409645c6222',1,'arm_compute::NEConvolutionKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_hor_kernel.xhtml#a2047b01f2cdd57602126cccb6bd08625',1,'arm_compute::NESeparableConvolutionHorKernel::configure()'],['../classarm__compute_1_1_n_e_separable_convolution_vert_kernel.xhtml#ad5b2a12ea8d073422e0615efca68ee22',1,'arm_compute::NESeparableConvolutionVertKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a3bb75d0640105ec72239550ec8a086b9',1,'arm_compute::NEConvolutionRectangleKernel::configure()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a82ef5733f0c6bf93473ec5f12c067338',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::configure()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a46fb538865fc693f55ec7ab7a5e5f833',1,'arm_compute::NECumulativeDistributionKernel::configure()'],['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvertKernel::configure()'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEDerivativeKernel::configure()'],['../classarm__compute_1_1_n_e_dilate_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEDilateKernel::configure()'],['../classarm__compute_1_1_n_e_erode_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEErodeKernel::configure()'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a39d3a9d0c6485af41190686e323b77cc',1,'arm_compute::NEFastCornersKernel::configure()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#afa45181af3fb6daaa8aa5627c1ae6c43',1,'arm_compute::NEFillArrayKernel::configure()'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#a12f5fc5a4fc18544922aebb0fcbf4eb6',1,'arm_compute::NEFillBorderKernel::configure()'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a20f5ced683d0dee51545a9df41f0080a',1,'arm_compute::NEFillInnerBorderKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussian5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidHorKernel::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEGaussianPyramidVertKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4Kernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a5a0810c34a4eae08977b1cce9d339282',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#aed1adf983092c2f8af29eba1dc29920c',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a8163692a08f9f6f0c29844a00b1ae934',1,'arm_compute::NEGEMMMatrixAdditionKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#aa4bb0bcb5a16fedf6b9474c6fa11e7e1',1,'arm_compute::NEGEMMMatrixMultiplyKernel::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xWKernel::configure()'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a78f06197fd4f4fb471c21257252031ec',1,'arm_compute::INEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreKernel::configure()'],['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#ae3278fce9a66ca7603efcb367e6b3816',1,'arm_compute::NEHarrisScoreFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aa6f4a855483e2d24a509181faa893b75',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut)'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogramKernel::configure(const IImage *input, IDistribution1D *output)'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a1ca4abc9d169a56f8469b31bba439f05',1,'arm_compute::NEHOGOrientationBinningKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#abe08b9f8d4a3bd083ebae3d1cb65a2b5',1,'arm_compute::NEHOGBlockNormalizationKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#ab30727bb790077928853eb3c617bb632',1,'arm_compute::NEHOGDetectorKernel::configure()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#ad56ff9909955d92abeabbe43c1a21bd9',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::configure()'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a41640cf029f97ac96a46cfee7d219fb4',1,'arm_compute::NEIm2ColKernel::configure()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImageKernel::configure()'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a9db04388927168bc8d9423087dfa8a6d',1,'arm_compute::NELKTrackerKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseKernel::configure()'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a885b754efced9144226ada4c202574b6',1,'arm_compute::NEMagnitudePhaseFP16Kernel::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a22fb6b7d1bd5ce8a90c61780c94cebbb',1,'arm_compute::NEMeanStdDevKernel::configure()'],['../classarm__compute_1_1_n_e_median3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NEMedian3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a80c4b40c7326176c90c124f00b5ab823',1,'arm_compute::NEMinMaxKernel::configure()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocationKernel::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ab85de2b20def413700f940020fe8d7e3',1,'arm_compute::NENonLinearFilterKernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_f_p16_kernel.xhtml#a165cde4f51d6dc5cb425237cdf7535a4',1,'arm_compute::NENonMaximaSuppression3x3FP16Kernel::configure()'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7b1cd624e23b7144b6962c19f426a166',1,'arm_compute::NENormalizationLayerKernel::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplicationKernel::configure()'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#acfc7162ac184ca219f917d039c58233c',1,'arm_compute::NEPoolingLayerKernel::configure()'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#a24cf804e6bcb60737bf447693c87d616',1,'arm_compute::NERemapKernel::configure()'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a70b4c72d8ed742fb43242db66918e699',1,'arm_compute::NEScaleKernel::configure()'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NEScharr3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel3x3Kernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel5x5HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a1aea9496b59f665829dfebcac7c6e8f3',1,'arm_compute::NESobel5x5VertKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#ace7523f9c3073ad82b77e46318a1ea77',1,'arm_compute::NESobel7x7HorKernel::configure()'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#ad97cc0c4d977253aa096953ff5aefcae',1,'arm_compute::NESobel7x7VertKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_max_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NELogits1DMaxKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#a329a69e4b661c7135cdef8aceef4005b',1,'arm_compute::NELogits1DShiftExpSumKernel::configure()'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a23baed666ceb8232bbde8724412ee0b5',1,'arm_compute::NELogits1DNormKernel::configure()'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookupKernel::configure()'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#a5d39d8cd067212d4e6d93d5619acb59e',1,'arm_compute::NEThresholdKernel::configure()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETransposeKernel::configure()'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a2788f35df697fab62501262ad001d1f0',1,'arm_compute::INEWarpKernel::configure()'],['../classarm__compute_1_1_c_l_absolute_difference.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLAbsoluteDifference::configure()'],['../classarm__compute_1_1_c_l_accumulate.xhtml#a04e027a7698e425da35a2d1a4adf6c3c',1,'arm_compute::CLAccumulate::configure()'],['../classarm__compute_1_1_c_l_accumulate_weighted.xhtml#a480232581dba02e630dd045e2f80ae87',1,'arm_compute::CLAccumulateWeighted::configure()'],['../classarm__compute_1_1_c_l_accumulate_squared.xhtml#ade36d9a0c92807caac072618a6d9a643',1,'arm_compute::CLAccumulateSquared::configure()'],['../classarm__compute_1_1_c_l_activation_layer.xhtml#a94ca83273d5b57bb4bfdb82e76d670ec',1,'arm_compute::CLActivationLayer::configure()'],['../classarm__compute_1_1_c_l_arithmetic_addition.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticAddition::configure()'],['../classarm__compute_1_1_c_l_arithmetic_subtraction.xhtml#a1048af0714f442881a9232395107e963',1,'arm_compute::CLArithmeticSubtraction::configure()'],['../classarm__compute_1_1_c_l_bitwise_and.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseAnd::configure()'],['../classarm__compute_1_1_c_l_bitwise_not.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLBitwiseNot::configure()'],['../classarm__compute_1_1_c_l_bitwise_or.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseOr::configure()'],['../classarm__compute_1_1_c_l_bitwise_xor.xhtml#af53d66a8f8dd368d3c06b43c0c6a12f1',1,'arm_compute::CLBitwiseXor::configure()'],['../classarm__compute_1_1_c_l_box3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLBox3x3::configure()'],['../classarm__compute_1_1_c_l_canny_edge.xhtml#aa874f9e002bdb799f38411a5fef07b1d',1,'arm_compute::CLCannyEdge::configure()'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a58e6a56bbed6249ac14e412178c36db1',1,'arm_compute::CLChannelCombine::configure(const ICLTensor *plane0, const ICLTensor *plane1, const ICLTensor *plane2, const ICLTensor *plane3, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_combine.xhtml#a6d6c8541b868e784d3be385087911451',1,'arm_compute::CLChannelCombine::configure(const ICLImage *plane0, const ICLImage *plane1, const ICLImage *plane2, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#a359fed4a61e4568d258d27aee9bc20c4',1,'arm_compute::CLChannelExtract::configure(const ICLTensor *input, Channel channel, ICLTensor *output)'],['../classarm__compute_1_1_c_l_channel_extract.xhtml#af360eaecbadc6e66e1de099aa50c584d',1,'arm_compute::CLChannelExtract::configure(const ICLMultiImage *input, Channel channel, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLColorConvert::configure(const ICLTensor *input, ICLTensor *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a59adec8460b6acba66ff43833ff4d776',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a0240dc06ada517594f39f25d5228b9c7',1,'arm_compute::CLColorConvert::configure(const ICLImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_color_convert.xhtml#a929e4dc37962a830cfa2a20da4470cfa',1,'arm_compute::CLColorConvert::configure(const ICLMultiImage *input, ICLMultiImage *output)'],['../classarm__compute_1_1_c_l_convolution3x3.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolution3x3::configure()'],['../classarm__compute_1_1_c_l_convolution_square.xhtml#a26e1b4686b1f2d591d62d11585114a82',1,'arm_compute::CLConvolutionSquare::configure()'],['../classarm__compute_1_1_c_l_convolution_rectangle.xhtml#aa0b5cdc99cad00d35521aa756365cef2',1,'arm_compute::CLConvolutionRectangle::configure()'],['../classarm__compute_1_1_c_l_convolution_layer.xhtml#a0e2cfb6fb263bd6f761756c816574345',1,'arm_compute::CLConvolutionLayer::configure()'],['../classarm__compute_1_1_c_l_depth_convert.xhtml#a536f0de1a70ea80d40b0a24657ac5290',1,'arm_compute::CLDepthConvert::configure()'],['../classarm__compute_1_1_c_l_derivative.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLDerivative::configure()'],['../classarm__compute_1_1_c_l_dilate.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLDilate::configure()'],['../classarm__compute_1_1_c_l_equalize_histogram.xhtml#a78c50e58e4c8be6de11ac6e78ca02eff',1,'arm_compute::CLEqualizeHistogram::configure()'],['../classarm__compute_1_1_c_l_erode.xhtml#ad6a993d736f6f84aa672d3f550135c6e',1,'arm_compute::CLErode::configure()'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a25c563ab5edb7241d8f12406ed96b40c',1,'arm_compute::CLFastCorners::configure()'],['../classarm__compute_1_1_c_l_fill_border.xhtml#acd47b636ec90ab214e6f194989ea7af5',1,'arm_compute::CLFillBorder::configure()'],['../classarm__compute_1_1_c_l_fully_connected_layer.xhtml#a359533338d3ce0b6e598796ca2f3d938',1,'arm_compute::CLFullyConnectedLayer::configure()'],['../classarm__compute_1_1_c_l_gaussian3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian3x3::configure()'],['../classarm__compute_1_1_c_l_gaussian5x5.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLGaussian5x5::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#ae518f24b88a33e296030407e1a42d5fb',1,'arm_compute::CLGaussianPyramid::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_c_l_gaussian_pyramid_orb.xhtml#a9f1c2312374125fd95ee145a4f07515c',1,'arm_compute::CLGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m.xhtml#a48b9e5c0bdc8a7c306252dafff14741f',1,'arm_compute::CLGEMM::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp.xhtml#a2300a95117613686ccf15b45f0f2ac79',1,'arm_compute::CLGEMMLowp::configure()'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#aff26260c6e99700c52b6b23d048337a2',1,'arm_compute::CLHarrisCorners::configure()'],['../classarm__compute_1_1_c_l_histogram.xhtml#a406ea1342bf3679752ba91525c59aaf6',1,'arm_compute::CLHistogram::configure()'],['../classarm__compute_1_1_c_l_integral_image.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLIntegralImage::configure()'],['../classarm__compute_1_1_c_l_laplacian_pyramid.xhtml#affa012258b464b065d72cc26657119d4',1,'arm_compute::CLLaplacianPyramid::configure()'],['../classarm__compute_1_1_c_l_laplacian_reconstruct.xhtml#a0ddf83ea5bc44e4a8fbbccdcdd2209ec',1,'arm_compute::CLLaplacianReconstruct::configure()'],['../classarm__compute_1_1_c_l_magnitude.xhtml#a1741c99b2bc2b77bb719d185d52968e2',1,'arm_compute::CLMagnitude::configure()'],['../classarm__compute_1_1_c_l_mean_std_dev.xhtml#a06b54a529024e7b9a67537de203f5321',1,'arm_compute::CLMeanStdDev::configure()'],['../classarm__compute_1_1_c_l_median3x3.xhtml#a2a829a721f585b9028e9712e71698e69',1,'arm_compute::CLMedian3x3::configure()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#ae1b53cbaac6ac40f1a8bfa6a46e99cce',1,'arm_compute::CLMinMaxLocation::configure()'],['../classarm__compute_1_1_c_l_non_linear_filter.xhtml#a53cae19fbb200bd9479868919e9045ee',1,'arm_compute::CLNonLinearFilter::configure()'],['../classarm__compute_1_1_c_l_non_maxima_suppression3x3.xhtml#a1a3dfd8c194044e7aafeafe5ca8dce59',1,'arm_compute::CLNonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_c_l_normalization_layer.xhtml#a63cacfe183fc86f74c1f3788b14f88da',1,'arm_compute::CLNormalizationLayer::configure()'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a8cd74e6bc7d3bcebbac4002717857601',1,'arm_compute::CLOpticalFlow::configure()'],['../classarm__compute_1_1_c_l_phase.xhtml#ac64385feb4cfd5ea1f7e2dc4414392aa',1,'arm_compute::CLPhase::configure()'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml#a3e0a2f39d9dc0f7083aef3b37335afff',1,'arm_compute::CLPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_c_l_pooling_layer.xhtml#a18f66b53b41f27ca9942695488d8c7aa',1,'arm_compute::CLPoolingLayer::configure()'],['../classarm__compute_1_1_c_l_remap.xhtml#ac1eb01546c2f93af14ee04f4a0f8c30a',1,'arm_compute::CLRemap::configure()'],['../classarm__compute_1_1_c_l_scale.xhtml#aaab8edc0df1785727fd195b8ecf07e22',1,'arm_compute::CLScale::configure()'],['../classarm__compute_1_1_c_l_scharr3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLScharr3x3::configure()'],['../classarm__compute_1_1_c_l_sobel3x3.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel3x3::configure()'],['../classarm__compute_1_1_c_l_sobel5x5.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel5x5::configure()'],['../classarm__compute_1_1_c_l_sobel7x7.xhtml#a62d1b655e7211f3ab44ed1a9c81a1336',1,'arm_compute::CLSobel7x7::configure()'],['../classarm__compute_1_1_c_l_softmax_layer.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLSoftmaxLayer::configure()'],['../classarm__compute_1_1_c_l_table_lookup.xhtml#af765d82c1c526320140a20792f132fed',1,'arm_compute::CLTableLookup::configure()'],['../classarm__compute_1_1_c_l_threshold.xhtml#a62c37ae969be3b04e0bdceffb4a1dadb',1,'arm_compute::CLThreshold::configure()'],['../classarm__compute_1_1_c_l_transpose.xhtml#a074e10cfb217e657b9e81adeca2abc68',1,'arm_compute::CLTranspose::configure()'],['../classarm__compute_1_1_c_l_warp_affine.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpAffine::configure()'],['../classarm__compute_1_1_c_l_warp_perspective.xhtml#a64ebf69356f81aa7f933569faf1bbbf6',1,'arm_compute::CLWarpPerspective::configure()'],['../classarm__compute_1_1_n_e_absolute_difference.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEAbsoluteDifference::configure()'],['../classarm__compute_1_1_n_e_accumulate.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEAccumulate::configure()'],['../classarm__compute_1_1_n_e_accumulate_weighted.xhtml#a801bafb0db80b93605302dac80a59844',1,'arm_compute::NEAccumulateWeighted::configure()'],['../classarm__compute_1_1_n_e_accumulate_squared.xhtml#a0b9649281a450bbb458d5d5ccde89d08',1,'arm_compute::NEAccumulateSquared::configure()'],['../classarm__compute_1_1_n_e_activation_layer.xhtml#acc4810b936660981e14b1334c26ad8da',1,'arm_compute::NEActivationLayer::configure()'],['../classarm__compute_1_1_n_e_arithmetic_addition.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticAddition::configure()'],['../classarm__compute_1_1_n_e_arithmetic_subtraction.xhtml#ae549ed675eab6d763ac6ffd18d226c27',1,'arm_compute::NEArithmeticSubtraction::configure()'],['../classarm__compute_1_1_n_e_bitwise_and.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseAnd::configure()'],['../classarm__compute_1_1_n_e_bitwise_not.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEBitwiseNot::configure()'],['../classarm__compute_1_1_n_e_bitwise_or.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseOr::configure()'],['../classarm__compute_1_1_n_e_bitwise_xor.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEBitwiseXor::configure()'],['../classarm__compute_1_1_n_e_box3x3.xhtml#a61457d73c8ae60ad9f4cc00089e282c7',1,'arm_compute::NEBox3x3::configure()'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a9222c1af43116f31809789741c6adef0',1,'arm_compute::NECannyEdge::configure()'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a39ee07b7b99e5ede71d07248b2c8ec76',1,'arm_compute::NEChannelCombine::configure(const ITensor *plane0, const ITensor *plane1, const ITensor *plane2, const ITensor *plane3, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_combine.xhtml#a2152066cff4fb48815bb07a360086ddc',1,'arm_compute::NEChannelCombine::configure(const IImage *plane0, const IImage *plane1, const IImage *plane2, IMultiImage *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#a1a476489d90e34953d0d76112a42ad2a',1,'arm_compute::NEChannelExtract::configure(const ITensor *input, Channel channel, ITensor *output)'],['../classarm__compute_1_1_n_e_channel_extract.xhtml#aa9055d30c3643f63cbf4af54f174505e',1,'arm_compute::NEChannelExtract::configure(const IMultiImage *input, Channel channel, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEColorConvert::configure(const ITensor *input, ITensor *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a362afd30d2fdc9eb1d09bf1c599aefe2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a70de58654d68781741900307d970912a',1,'arm_compute::NEColorConvert::configure(const IImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_color_convert.xhtml#a0bfe568a4d43a9be6db3210cdc69e6c2',1,'arm_compute::NEColorConvert::configure(const IMultiImage *input, IMultiImage *output)'],['../classarm__compute_1_1_n_e_convolution3x3.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolution3x3::configure()'],['../classarm__compute_1_1_n_e_convolution_square.xhtml#a58d050865536a28b56a92eeaf3ac478e',1,'arm_compute::NEConvolutionSquare::configure()'],['../classarm__compute_1_1_n_e_convolution_rectangle.xhtml#ac230ba3519565b12566edfdd99859ed0',1,'arm_compute::NEConvolutionRectangle::configure()'],['../classarm__compute_1_1_n_e_convolution_layer.xhtml#a38198731404a741d75225ae36baf100a',1,'arm_compute::NEConvolutionLayer::configure()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a82f04f3f0f6eac5128a336016d898e8f',1,'arm_compute::NEDepthConvert::configure()'],['../classarm__compute_1_1_n_e_derivative.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEDerivative::configure()'],['../classarm__compute_1_1_n_e_dilate.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEDilate::configure()'],['../classarm__compute_1_1_n_e_equalize_histogram.xhtml#acbd66cc67e7dedcc3d94a7ab0be5781c',1,'arm_compute::NEEqualizeHistogram::configure()'],['../classarm__compute_1_1_n_e_erode.xhtml#af23289ee5978cc3cafa1c94ef617a985',1,'arm_compute::NEErode::configure()'],['../classarm__compute_1_1_n_e_fast_corners.xhtml#a182eb968f1c107bf5ee575cb1b7f031c',1,'arm_compute::NEFastCorners::configure()'],['../classarm__compute_1_1_n_e_fill_border.xhtml#ab2db56d349cee3849dbfac825d916fd6',1,'arm_compute::NEFillBorder::configure()'],['../classarm__compute_1_1_n_e_fully_connected_layer.xhtml#afeecbea374f5b5e83b767a18732127d4',1,'arm_compute::NEFullyConnectedLayer::configure()'],['../classarm__compute_1_1_n_e_gaussian3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian3x3::configure()'],['../classarm__compute_1_1_n_e_gaussian5x5.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEGaussian5x5::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a569064c220a3a2bf4b7af719b8d54cba',1,'arm_compute::NEGaussianPyramid::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_half.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidHalf::configure()'],['../classarm__compute_1_1_n_e_gaussian_pyramid_orb.xhtml#a7983aea517b8777e7ef6800cfa41d6ab',1,'arm_compute::NEGaussianPyramidOrb::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m.xhtml#a6454174e85d317a6e95844049d4daf6f',1,'arm_compute::NEGEMM::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_interleave4x4.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMInterleave4x4::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp.xhtml#a972448aa41ffb21bd36256d67b60962b',1,'arm_compute::NEGEMMLowp::configure()'],['../classarm__compute_1_1_n_e_g_e_m_m_transpose1x_w.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEGEMMTranspose1xW::configure()'],['../classarm__compute_1_1_n_e_harris_corners.xhtml#ac8648d69d8b453c5143c14e3811346c3',1,'arm_compute::NEHarrisCorners::configure()'],['../classarm__compute_1_1_n_e_histogram.xhtml#aaae5b09830704e2ed3cf7d09fe01bfc9',1,'arm_compute::NEHistogram::configure()'],['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#af3e91dd25d2bd7d3f3a0c74cdc77d7c4',1,'arm_compute::NEHOGDescriptor::configure()'],['../classarm__compute_1_1_n_e_h_o_g_detector.xhtml#aec1e0dba94a632dc99953a9015684115',1,'arm_compute::NEHOGDetector::configure()'],['../classarm__compute_1_1_n_e_h_o_g_gradient.xhtml#ac6ae2d00f75c768927d9529998608aaa',1,'arm_compute::NEHOGGradient::configure()'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a8fa7fa549af77189982f584036c14271',1,'arm_compute::NEHOGMultiDetection::configure()'],['../classarm__compute_1_1_n_e_integral_image.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NEIntegralImage::configure()'],['../classarm__compute_1_1_n_e_laplacian_pyramid.xhtml#a57e777ebd638595cbcaff4c45dbaa351',1,'arm_compute::NELaplacianPyramid::configure()'],['../classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml#af26d951408cbe19b44a50593b691af63',1,'arm_compute::NELaplacianReconstruct::configure()'],['../classarm__compute_1_1_n_e_magnitude.xhtml#a0ed0773415ff8e38d0fe8d2041473d0f',1,'arm_compute::NEMagnitude::configure()'],['../classarm__compute_1_1_n_e_mean_std_dev.xhtml#a355248f51a3a9f1e79a8cfb29f370e25',1,'arm_compute::NEMeanStdDev::configure()'],['../classarm__compute_1_1_n_e_median3x3.xhtml#ac735b829e93802466145844b04d1ab48',1,'arm_compute::NEMedian3x3::configure()'],['../classarm__compute_1_1_n_e_min_max_location.xhtml#aedf91930400348716a70d45366a1769d',1,'arm_compute::NEMinMaxLocation::configure()'],['../classarm__compute_1_1_n_e_non_linear_filter.xhtml#ae2e668c3765731c5f71a324e15f131b8',1,'arm_compute::NENonLinearFilter::configure()'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3.xhtml#a6c9ef0526118071156055c1e2c2ca0c4',1,'arm_compute::NENonMaximaSuppression3x3::configure()'],['../classarm__compute_1_1_n_e_normalization_layer.xhtml#aebfb816e58e5914417b045c54a6a42fb',1,'arm_compute::NENormalizationLayer::configure()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a36071f8f326ffdbfaf95fded57d6771c',1,'arm_compute::NEOpticalFlow::configure()'],['../classarm__compute_1_1_n_e_phase.xhtml#a837b139cf977a6c4530e3d574fcceef2',1,'arm_compute::NEPhase::configure()'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml#ab214c0eb5acd40bde3f8a3fb6c0a6613',1,'arm_compute::NEPixelWiseMultiplication::configure()'],['../classarm__compute_1_1_n_e_pooling_layer.xhtml#a6fa6e4b65796fd0bf43da9b4d617d568',1,'arm_compute::NEPoolingLayer::configure()'],['../classarm__compute_1_1_n_e_remap.xhtml#a7570555ae5933bef168425e55a1a11a9',1,'arm_compute::NERemap::configure()'],['../classarm__compute_1_1_n_e_scale.xhtml#a22408eda7af5167b856ffc85d79a5940',1,'arm_compute::NEScale::configure()'],['../classarm__compute_1_1_n_e_scharr3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NEScharr3x3::configure()'],['../classarm__compute_1_1_n_e_sobel3x3.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel3x3::configure()'],['../classarm__compute_1_1_n_e_sobel5x5.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel5x5::configure()'],['../classarm__compute_1_1_n_e_sobel7x7.xhtml#accd52dcca79320a1a6e6a804b7b91fb0',1,'arm_compute::NESobel7x7::configure()'],['../classarm__compute_1_1_n_e_softmax_layer.xhtml#a9daf8026e68559806afe7d0aa12693d6',1,'arm_compute::NESoftmaxLayer::configure()'],['../classarm__compute_1_1_n_e_table_lookup.xhtml#a31cbc1ac2194f015e1b7e3cfd44a2250',1,'arm_compute::NETableLookup::configure()'],['../classarm__compute_1_1_n_e_threshold.xhtml#ad5e6dc9965405ea5d7d1cda26a14644c',1,'arm_compute::NEThreshold::configure()'],['../classarm__compute_1_1_n_e_transpose.xhtml#a83a344e60eb7db895953a942abf16628',1,'arm_compute::NETranspose::configure()'],['../classarm__compute_1_1_n_e_warp_affine.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpAffine::configure()'],['../classarm__compute_1_1_n_e_warp_perspective.xhtml#a067b31a7691c2d132ae01ca8e1dbd1dd',1,'arm_compute::NEWarpPerspective::configure()']]], ['context',['context',['../classarm__compute_1_1_c_l_scheduler.xhtml#a252f5440564c77d68459f2baa978f86a',1,'arm_compute::CLScheduler']]], ['convert_5fdepth_5fdown',['convert_depth_down',['../depth__convert_8cl.xhtml#aab970e69ff53ae814fae772df4ae9c2d',1,'depth_convert.cl']]], ['convert_5fdepth_5fup',['convert_depth_up',['../depth__convert_8cl.xhtml#ae2f96efadb55c92fe506140c36b6b25d',1,'depth_convert.cl']]], diff --git a/documentation/search/functions_3.js b/documentation/search/functions_3.js index e48772288..ff5e79f63 100644 --- a/documentation/search/functions_3.js +++ b/documentation/search/functions_3.js @@ -16,5 +16,5 @@ var searchData= ['dimensions',['Dimensions',['../classarm__compute_1_1_dimensions.xhtml#a0d3c59537291735849c740364496a41c',1,'arm_compute::Dimensions::Dimensions(const Dimensions &)=default'],['../classarm__compute_1_1_dimensions.xhtml#aa2c609345b3b6fa8da2486f75fff8ed8',1,'arm_compute::Dimensions::Dimensions(Dimensions &&)=default'],['../classarm__compute_1_1_i_distribution.xhtml#a254be7b34cd78d12ffc7ed2aba4882b1',1,'arm_compute::IDistribution::dimensions()'],['../classarm__compute_1_1_i_distribution1_d.xhtml#ad251169c06da412071bdfb6e92444e6e',1,'arm_compute::IDistribution1D::dimensions()']]], ['distribution1d',['Distribution1D',['../classarm__compute_1_1_distribution1_d.xhtml#a243c829bced69df597b496eb7456efb0',1,'arm_compute::Distribution1D']]], ['div_5fceil',['DIV_CEIL',['../namespacearm__compute.xhtml#a12705a88669cb9fb90451ebe0db53c41',1,'arm_compute']]], - ['draw_5fdetection_5frectangle',['draw_detection_rectangle',['../namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0',1,'test_helpers']]] + ['draw_5fdetection_5frectangle',['draw_detection_rectangle',['../namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357',1,'test_helpers']]] ]; diff --git a/documentation/search/functions_4.js b/documentation/search/functions_4.js index fad0012ba..f6de2cf13 100644 --- a/documentation/search/functions_4.js +++ b/documentation/search/functions_4.js @@ -3,7 +3,7 @@ var searchData= ['element_5fsize',['element_size',['../classarm__compute_1_1_tensor_info.xhtml#a448f57f9d6aec61b3d85b898affe4a2e',1,'arm_compute::TensorInfo']]], ['element_5fsize_5ffrom_5fdata_5ftype',['element_size_from_data_type',['../namespacearm__compute.xhtml#a34b06c0cd94808a77b697e79880b84b0',1,'arm_compute']]], ['empty',['empty',['../structarm__compute_1_1_border_size.xhtml#adffbf97e7b8b64e7cf32f0254cddf3c4',1,'arm_compute::BorderSize']]], - ['end',['end',['../classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59',1,'arm_compute::Dimensions::end()'],['../classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170',1,'arm_compute::Dimensions::end() const '],['../classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b',1,'arm_compute::Window::Dimension::end()']]], + ['end',['end',['../classarm__compute_1_1_dimensions.xhtml#ac684b52c6197edff9cccb3abd1e41f59',1,'arm_compute::Dimensions::end()'],['../classarm__compute_1_1_dimensions.xhtml#a819e633cd63b404cf9938bc6e755c170',1,'arm_compute::Dimensions::end() const '],['../structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620',1,'arm_compute::ValidRegion::end()'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#aa9a8509af319b9e47f00c8fba23d368b',1,'arm_compute::Window::Dimension::end()']]], ['enqueue',['enqueue',['../classarm__compute_1_1_c_l_scheduler.xhtml#ae1a643e517f50bf0392fb6516dd7cf67',1,'arm_compute::CLScheduler::enqueue()'],['../namespacearm__compute.xhtml#a22af22ebac966b76e8553127064201a2',1,'arm_compute::enqueue()']]], ['enqueue_5fsync_5fevent',['enqueue_sync_event',['../classarm__compute_1_1_c_l_scheduler.xhtml#a6096d26e8e29e1a7f01b0f083fb7e33f',1,'arm_compute::CLScheduler']]], ['erode',['erode',['../erode_8cl.xhtml#a8b30acf5b6e25e473275a1e3f400054a',1,'erode.cl']]], diff --git a/documentation/search/functions_5.js b/documentation/search/functions_5.js index 32b754c77..d9cb13804 100644 --- a/documentation/search/functions_5.js +++ b/documentation/search/functions_5.js @@ -11,5 +11,6 @@ var searchData= ['fixed_5fpoint_5fpos',['fixed_point_pos',['../classarm__compute_1_1_tensor_info.xhtml#aac568c9183b365ddb66417b54ab8bf3d',1,'arm_compute::TensorInfo']]], ['floor_5fto_5fmultiple',['floor_to_multiple',['../namespacearm__compute.xhtml#a6959e681668a37a9242d2aae4e8b4375',1,'arm_compute']]], ['force_5fnumber_5fof_5fthreads',['force_number_of_threads',['../classarm__compute_1_1_c_p_p_scheduler.xhtml#ae9dc1846ff1612778bbac85d46344aef',1,'arm_compute::CPPScheduler']]], - ['format',['format',['../classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::MultiImageInfo::format()'],['../classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::PyramidInfo::format()'],['../classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::TensorInfo::format()']]] + ['format',['format',['../classarm__compute_1_1_multi_image_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::MultiImageInfo::format()'],['../classarm__compute_1_1_pyramid_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::PyramidInfo::format()'],['../classarm__compute_1_1_tensor_info.xhtml#a0c875a3203d902e2ad6bc3045355e69e',1,'arm_compute::TensorInfo::format()']]], + ['free',['free',['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974',1,'arm_compute::CLTensorAllocator::free()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a1781eecaabd2bc97d074437d01b2c683',1,'arm_compute::ITensorAllocator::free()'],['../classarm__compute_1_1_tensor_allocator.xhtml#a1468b0adb6ec3f9d38aa7d60b8a91974',1,'arm_compute::TensorAllocator::free()']]] ]; diff --git a/documentation/search/functions_6.js b/documentation/search/functions_6.js index 85712542c..e5e3f5229 100644 --- a/documentation/search/functions_6.js +++ b/documentation/search/functions_6.js @@ -4,9 +4,9 @@ var searchData= ['gaussian5x1_5fsub_5fy',['gaussian5x1_sub_y',['../gaussian__pyramid_8cl.xhtml#afa433ed067b24c37933229beb846b34b',1,'gaussian_pyramid.cl']]], ['gemm_5faccumulate_5fbiases_5ff16',['gemm_accumulate_biases_f16',['../gemm_8cl.xhtml#a76295c333dfa3c9bb20975579dce87e8',1,'gemm.cl']]], ['gemm_5faccumulate_5fbiases_5ff32',['gemm_accumulate_biases_f32',['../gemm_8cl.xhtml#a7c619984bc9c31f5f6c19ecc88b56581',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5ff16',['gemm_interleave4x4_f16',['../gemm_8cl.xhtml#ae333c12d780666b2591f7c8e9faaf5a9',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5ff32',['gemm_interleave4x4_f32',['../gemm_8cl.xhtml#acd423b6f992354e7c00137b20d687281',1,'gemm.cl']]], - ['gemm_5finterleave4x4_5fu8',['gemm_interleave4x4_u8',['../gemm_8cl.xhtml#a830ba1cc0ad3c8cffa4a14424b2d0411',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f16bit',['gemm_interleave4x4_16bit',['../gemm_8cl.xhtml#a2f32d740e780059f68da8aa589ed0a5b',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f32bit',['gemm_interleave4x4_32bit',['../gemm_8cl.xhtml#a560b2d50aa886edc0f5daf4fe729717f',1,'gemm.cl']]], + ['gemm_5finterleave4x4_5f8bit',['gemm_interleave4x4_8bit',['../gemm_8cl.xhtml#aa66a7b6b0420e54ec173743e6c5bfc45',1,'gemm.cl']]], ['gemm_5ftranspose1x16_5fu8',['gemm_transpose1x16_u8',['../gemm_8cl.xhtml#a675879eb72964ddbd5f71155da3b0cc3',1,'gemm.cl']]], ['gemm_5ftranspose1x4_5ff32',['gemm_transpose1x4_f32',['../gemm_8cl.xhtml#a21d7061f36aec78824e368f2ef1cafc1',1,'gemm.cl']]], ['gemm_5ftranspose1x8_5ff16',['gemm_transpose1x8_f16',['../gemm_8cl.xhtml#a11d87ecaf1388b4f57404e062265b374',1,'gemm.cl']]], diff --git a/documentation/search/functions_8.js b/documentation/search/functions_8.js index 15e42a865..ffe1d53da 100644 --- a/documentation/search/functions_8.js +++ b/documentation/search/functions_8.js @@ -7,7 +7,7 @@ var searchData= ['icllut',['ICLLut',['../classarm__compute_1_1_i_c_l_lut.xhtml#abc0b83809a3a81a4dced0bdf7d4d5ed7',1,'arm_compute::ICLLut::ICLLut()'],['../classarm__compute_1_1_i_c_l_lut.xhtml#a783d0c1fadb33a4a6d0beca4d4d3ab81',1,'arm_compute::ICLLut::ICLLut(const ICLLut &)=delete']]], ['iclsimplefunction',['ICLSimpleFunction',['../classarm__compute_1_1_i_c_l_simple_function.xhtml#aa8149af857c4bface8ad712e418a63f1',1,'arm_compute::ICLSimpleFunction']]], ['iclsimplekernel',['ICLSimpleKernel',['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a71b19222a7962c5b951b2ed9a752bd9f',1,'arm_compute::ICLSimpleKernel::ICLSimpleKernel()'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#aeb0435149b582dcab0c75477c83f8cc0',1,'arm_compute::ICLSimpleKernel::ICLSimpleKernel(const ICLSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a39b0093ec5f1344ffa4ac15a2c6f19e6',1,'arm_compute::ICLSimpleKernel::ICLSimpleKernel(ICLSimpleKernel &&)=default']]], - ['icltensor',['ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce',1,'arm_compute::ICLTensor::ICLTensor()'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6',1,'arm_compute::ICLTensor::ICLTensor(const ICLTensor &)=delete']]], + ['icltensor',['ICLTensor',['../classarm__compute_1_1_i_c_l_tensor.xhtml#a64399eb327ea2e4ecd2c8086a8dc01ce',1,'arm_compute::ICLTensor::ICLTensor()'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ad49b11e9c7276ca78046ad4c339cd7c6',1,'arm_compute::ICLTensor::ICLTensor(const ICLTensor &)=delete'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#ae81da2706cd5717c6c4d7cea239a1e03',1,'arm_compute::ICLTensor::ICLTensor(ICLTensor &&)=default']]], ['icppsimplekernel',['ICPPSimpleKernel',['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a3f46900690da1aee8ff395133f853cb4',1,'arm_compute::ICPPSimpleKernel::ICPPSimpleKernel()'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ad6c492d85c9a5f91cf905defb626db4f',1,'arm_compute::ICPPSimpleKernel::ICPPSimpleKernel(const ICPPSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a7a40bf323d5fa5e88fb2f6581c43af0c',1,'arm_compute::ICPPSimpleKernel::ICPPSimpleKernel(ICPPSimpleKernel &&)=default']]], ['idistribution1d',['IDistribution1D',['../classarm__compute_1_1_i_distribution1_d.xhtml#a9c3a40b0dbbd79ed909471d9e05283aa',1,'arm_compute::IDistribution1D']]], ['ikernel',['IKernel',['../classarm__compute_1_1_i_kernel.xhtml#a7250cb8cbaa4104a93a2d77155085507',1,'arm_compute::IKernel']]], @@ -22,7 +22,7 @@ var searchData= ['info',['info',['../classarm__compute_1_1_i_h_o_g.xhtml#a4e9b5d4ab15fd9009b463861c1a19dbd',1,'arm_compute::IHOG::info()'],['../classarm__compute_1_1_i_multi_image.xhtml#a38261214e277cba5b90dd1ffe31170e0',1,'arm_compute::IMultiImage::info()'],['../classarm__compute_1_1_i_pyramid.xhtml#a7114241d28b1d2ebb7b9dba9f1ab0c8b',1,'arm_compute::IPyramid::info()'],['../classarm__compute_1_1_i_tensor.xhtml#a8df2a8ec8fcd4258450270f15651b6c9',1,'arm_compute::ITensor::info() const =0'],['../classarm__compute_1_1_i_tensor.xhtml#a4d0ad991bc87d99aa39ca1ba6df15469',1,'arm_compute::ITensor::info()=0'],['../classarm__compute_1_1_c_l_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f',1,'arm_compute::CLMultiImage::info()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac',1,'arm_compute::CLPyramid::info()'],['../classarm__compute_1_1_c_l_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95',1,'arm_compute::CLTensor::info() const override'],['../classarm__compute_1_1_c_l_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f',1,'arm_compute::CLTensor::info() override'],['../classarm__compute_1_1_h_o_g.xhtml#aaa7fa8bba335c51f601110ed2e11eef3',1,'arm_compute::HOG::info()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a2b12680d0e794d5e81f489df22b38231',1,'arm_compute::ITensorAllocator::info()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#ad129de4883c35830834987e9b68314e1',1,'arm_compute::ITensorAllocator::info() const '],['../classarm__compute_1_1_multi_image.xhtml#ae8d325a13f6f9d17ffe9ea076216b02f',1,'arm_compute::MultiImage::info()'],['../classarm__compute_1_1_pyramid.xhtml#ac1b010c3c67886aa4add531ed3bbceac',1,'arm_compute::Pyramid::info()'],['../classarm__compute_1_1_tensor.xhtml#a97de03c31e0ca04be6960e2e3ffdca95',1,'arm_compute::Tensor::info() const override'],['../classarm__compute_1_1_tensor.xhtml#aa5b3539cef9e42dee1882e909ba34e4f',1,'arm_compute::Tensor::info() override']]], ['init',['init',['../classarm__compute_1_1_c_l_kernel_library.xhtml#af353532ea782387df6bcb6d01894f4ae',1,'arm_compute::CLKernelLibrary::init()'],['../classarm__compute_1_1_h_o_g_info.xhtml#a75215e8ba07a5ec88ee8c902e306e887',1,'arm_compute::HOGInfo::init()'],['../classarm__compute_1_1_multi_image_info.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::MultiImageInfo::init()'],['../classarm__compute_1_1_pyramid_info.xhtml#a741486bedb7b0966b1d4e6e7c6cccf60',1,'arm_compute::PyramidInfo::init(size_t num_levels, float scale, size_t width, size_t height, Format format)'],['../classarm__compute_1_1_pyramid_info.xhtml#a51a4719902c69a814ccc638963b3074e',1,'arm_compute::PyramidInfo::init(size_t num_levels, float scale, const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#a0ae7d318c02e56a3daa9e5e4f9dab117',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#ad4b6171ddcf854de5d1226cd4d0b0439',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, Format format, const Strides &strides_in_bytes, size_t offset_first_element_in_bytes, size_t total_size_in_bytes)'],['../classarm__compute_1_1_tensor_info.xhtml#af3717e26c7309fda3be6e7e87f142eab',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a7b21c13a1b353cfd16dafcff4e5f4eea',1,'arm_compute::TensorInfo::init(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, const Strides &strides_in_bytes, size_t offset_first_element_in_bytes, size_t total_size_in_bytes, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a4eaa68a1707f4ff3983c6dddd21794ea',1,'arm_compute::TensorInfo::init(const HOGInfo &hog_info, unsigned int width, unsigned int height)'],['../classarm__compute_1_1_c_l_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::CLMultiImage::init()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff',1,'arm_compute::CLPyramid::init()'],['../classarm__compute_1_1_c_l_scheduler.xhtml#adbadebed3b89425740901b16b9d5d947',1,'arm_compute::CLScheduler::init()'],['../classarm__compute_1_1_h_o_g.xhtml#a055b5bd45e91f842b49def638c017b5b',1,'arm_compute::HOG::init()'],['../classarm__compute_1_1_i_lut_allocator.xhtml#a4ef157737b45c46f115e14b425512800',1,'arm_compute::ILutAllocator::init()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#aa72161e0e3c0f6b2da20f835de6af680',1,'arm_compute::ITensorAllocator::init()'],['../classarm__compute_1_1_multi_image.xhtml#a7453bdfcb39e068357022f0861e59637',1,'arm_compute::MultiImage::init()'],['../classarm__compute_1_1_pyramid.xhtml#ae4e11cca76492d63009564d1ea466dff',1,'arm_compute::Pyramid::init()'],['../classarm__compute_1_1_tensor_allocator.xhtml#a3014ce2f4215e8a44331aa5daf3ba0d4',1,'arm_compute::TensorAllocator::init()']]], ['init_5fauto_5fpadding',['init_auto_padding',['../classarm__compute_1_1_tensor_info.xhtml#a4b7391b7025befbe44b743723feb4a9b',1,'arm_compute::TensorInfo::init_auto_padding(const TensorShape &tensor_shape, Format format)'],['../classarm__compute_1_1_tensor_info.xhtml#ae37b83cdf38ffc8fa5e037faa7bcad52',1,'arm_compute::TensorInfo::init_auto_padding(const TensorShape &tensor_shape, size_t num_channels, DataType data_type, size_t fixed_point_pos=0)'],['../classarm__compute_1_1_tensor_info.xhtml#a9a30265f100a459de985a9f3f91db76c',1,'arm_compute::TensorInfo::init_auto_padding(const HOGInfo &hog_info, unsigned int width, unsigned int height)'],['../classarm__compute_1_1_c_l_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723',1,'arm_compute::CLMultiImage::init_auto_padding()'],['../classarm__compute_1_1_c_l_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115',1,'arm_compute::CLPyramid::init_auto_padding()'],['../classarm__compute_1_1_multi_image.xhtml#a32c7d923aa5aad1ef6afe95204c7d723',1,'arm_compute::MultiImage::init_auto_padding()'],['../classarm__compute_1_1_pyramid.xhtml#a0dd473fd109df68b4747ebf0f586a115',1,'arm_compute::Pyramid::init_auto_padding()']]], - ['init_5fimage',['init_image',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81',1,'test_helpers::PPMLoader']]], + ['init_5fimage',['init_image',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7',1,'test_helpers::PPMLoader']]], ['init_5flevel',['init_level',['../optical__flow__pyramid__lk_8cl.xhtml#a73bd536f33d9707d1165a0fce16db833',1,'optical_flow_pyramid_lk.cl']]], ['init_5flevel_5fmax',['init_level_max',['../optical__flow__pyramid__lk_8cl.xhtml#a324194275a47768c0460d19b16b477db',1,'optical_flow_pyramid_lk.cl']]], ['init_5flevel_5fmax_5finitial_5festimate',['init_level_max_initial_estimate',['../optical__flow__pyramid__lk_8cl.xhtml#a4b777fd3d432419912e4dbc94fe9d3f5',1,'optical_flow_pyramid_lk.cl']]], @@ -32,7 +32,7 @@ var searchData= ['ioformatinfo',['IOFormatInfo',['../structarm__compute_1_1_i_o_format_info.xhtml#afc22bda96f8024656055390cc5f780f0',1,'arm_compute::IOFormatInfo']]], ['is_5fdata_5ftype_5ffloat',['is_data_type_float',['../namespacearm__compute.xhtml#af5982a092e9eb743fce2d6392bdd8897',1,'arm_compute']]], ['is_5fopen',['is_open',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a',1,'test_helpers::PPMLoader']]], - ['is_5fparallelisable',['is_parallelisable',['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CLFillBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CPPSortEuclideanDistanceKernel::is_parallelisable()'],['../classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a',1,'arm_compute::IKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEEdgeTraceKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEChannelCombineKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NECumulativeDistributionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEFillArrayKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHistogramBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEIntegralImageKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEMinMaxLocationKernel::is_parallelisable()']]], + ['is_5fparallelisable',['is_parallelisable',['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CLFillBorderKernel::is_parallelisable()'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::CPPSortEuclideanDistanceKernel::is_parallelisable()'],['../classarm__compute_1_1_i_kernel.xhtml#abfab8f0d4928e1081d9f65b77933e24a',1,'arm_compute::IKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEEdgeTraceKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEChannelCombineKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NECumulativeDistributionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEFillArrayKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_integral_image_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEIntegralImageKernel::is_parallelisable()'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a4370ae5fda7bd455a171fc8ed4d3f283',1,'arm_compute::NEMinMaxLocationKernel::is_parallelisable()']]], ['is_5fresizable',['is_resizable',['../classarm__compute_1_1_tensor_info.xhtml#aa29d70e3b3c82e0857a6be5280b70ee0',1,'arm_compute::TensorInfo']]], ['itensorallocator',['ITensorAllocator',['../classarm__compute_1_1_i_tensor_allocator.xhtml#af97d553d2aa86688c92db8ed9a67cf0e',1,'arm_compute::ITensorAllocator::ITensorAllocator()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#ae82acbc677aa7d77c6a3f5e3547ef917',1,'arm_compute::ITensorAllocator::ITensorAllocator(const ITensorAllocator &)=default'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a4fe09d257ff33e01defc7074ca22dc98',1,'arm_compute::ITensorAllocator::ITensorAllocator(ITensorAllocator &&)=default']]], ['iterator',['Iterator',['../classarm__compute_1_1_iterator.xhtml#a45381773d6cba2ad9e9d2d04515fa40b',1,'arm_compute::Iterator::Iterator()'],['../classarm__compute_1_1_iterator.xhtml#a92d6469b972ef1e52b55b1ad7da70b02',1,'arm_compute::Iterator::Iterator(const ITensor *tensor, const Window &window)']]], diff --git a/documentation/search/functions_9.js b/documentation/search/functions_9.js index 9c484b877..64d767cfd 100644 --- a/documentation/search/functions_9.js +++ b/documentation/search/functions_9.js @@ -1,5 +1,5 @@ var searchData= [ ['kappa',['kappa',['../classarm__compute_1_1_normalization_layer_info.xhtml#a4df91dc0be2437a7d1bfd6d8df72baa8',1,'arm_compute::NormalizationLayerInfo']]], - ['kernel',['kernel',['../classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e',1,'arm_compute::ICLKernel::kernel()'],['../classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420',1,'arm_compute::Kernel::Kernel()'],['../classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b',1,'arm_compute::Kernel::Kernel(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1',1,'arm_compute::Kernel::Kernel(Kernel &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925',1,'arm_compute::Kernel::Kernel(std::string name, const cl::Program &program)']]] + ['kernel',['Kernel',['../classarm__compute_1_1_kernel.xhtml#a4d7fb588e6d609d95d8cd491492ed420',1,'arm_compute::Kernel::Kernel()'],['../classarm__compute_1_1_kernel.xhtml#a83af2718294984c1053223a928164a7b',1,'arm_compute::Kernel::Kernel(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a1d1e423ba4b26fdf460aa45bbc4457d1',1,'arm_compute::Kernel::Kernel(Kernel &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a8b2bcac315357d36294d68948e51b925',1,'arm_compute::Kernel::Kernel(std::string name, const cl::Program &program)'],['../classarm__compute_1_1_i_c_l_kernel.xhtml#ae5121015ab09ece4d470f50c7ffe198e',1,'arm_compute::ICLKernel::kernel()']]] ]; diff --git a/documentation/search/functions_c.js b/documentation/search/functions_c.js index 45ba939e3..402038bd5 100644 --- a/documentation/search/functions_c.js +++ b/documentation/search/functions_c.js @@ -16,13 +16,11 @@ var searchData= ['nechannelextractkernel',['NEChannelExtractKernel',['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a61c8ec45550ad9df947ffb7d6fe81fb9',1,'arm_compute::NEChannelExtractKernel::NEChannelExtractKernel()'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#a715ee776c231bb71a303821e32c8a470',1,'arm_compute::NEChannelExtractKernel::NEChannelExtractKernel(const NEChannelExtractKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#ae0585d26deb679ffbce75c35eab35f2e',1,'arm_compute::NEChannelExtractKernel::NEChannelExtractKernel(NEChannelExtractKernel &&)=default']]], ['necol2imkernel',['NECol2ImKernel',['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a84d2ca986ac959613f3ed9c44185242c',1,'arm_compute::NECol2ImKernel::NECol2ImKernel()'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#adad68aacb0ee78bab2f9079780368dd7',1,'arm_compute::NECol2ImKernel::NECol2ImKernel(const NECol2ImKernel &)=delete'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#acf41b2ccc3a215765929d4a69616ada9',1,'arm_compute::NECol2ImKernel::NECol2ImKernel(NECol2ImKernel &&)=default']]], ['necolorconvertkernel',['NEColorConvertKernel',['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a9b2bcb8adfe5bd1ab71a73daf10dca6d',1,'arm_compute::NEColorConvertKernel::NEColorConvertKernel()'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#adc4007361101a56f38f1686590c3a6b5',1,'arm_compute::NEColorConvertKernel::NEColorConvertKernel(const NEColorConvertKernel &)=delete'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#a3a287d251e851af82b2f540ca8db58ba',1,'arm_compute::NEColorConvertKernel::NEColorConvertKernel(NEColorConvertKernel &&)=default']]], - ['neconvolution5x5',['NEConvolution5x5',['../classarm__compute_1_1_n_e_convolution5x5.xhtml#a917624d838b4c70bdc453d9459cb6e66',1,'arm_compute::NEConvolution5x5']]], - ['neconvolution7x7',['NEConvolution7x7',['../classarm__compute_1_1_n_e_convolution7x7.xhtml#ac2d8e4e4d1c09ce6dcf88b4728a44621',1,'arm_compute::NEConvolution7x7']]], - ['neconvolution9x9',['NEConvolution9x9',['../classarm__compute_1_1_n_e_convolution9x9.xhtml#ada1aa23065a11fa05e6880a84392b471',1,'arm_compute::NEConvolution9x9']]], ['neconvolutionkernel',['NEConvolutionKernel',['../classarm__compute_1_1_n_e_convolution_kernel.xhtml#a230a4894adf8380eca9e8c2aac03e9b8',1,'arm_compute::NEConvolutionKernel']]], ['neconvolutionlayer',['NEConvolutionLayer',['../classarm__compute_1_1_n_e_convolution_layer.xhtml#aa2ce2873b0d3a07ac896633115c5ab07',1,'arm_compute::NEConvolutionLayer']]], ['neconvolutionlayerweightsreshapekernel',['NEConvolutionLayerWeightsReshapeKernel',['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a8c02b4166b202028f653aba36f21a024',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel()'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a67b8302a8e37cc43dd5c1e9eb7f33ae4',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#a3311872791ae25d4daf4da2190919faf',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::NEConvolutionLayerWeightsReshapeKernel(NEConvolutionLayerWeightsReshapeKernel &&)=default']]], ['neconvolutionrectanglekernel',['NEConvolutionRectangleKernel',['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a437bfa972bdb089215368c344cce05d3',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel()'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a7f9f7156c38ea608c5cdd440d924540d',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a88921c6a68249c84d1a0de6b3bfe5401',1,'arm_compute::NEConvolutionRectangleKernel::NEConvolutionRectangleKernel(NEConvolutionRectangleKernel &&)=default']]], + ['neconvolutionsquare',['NEConvolutionSquare',['../classarm__compute_1_1_n_e_convolution_square.xhtml#ab60f2bd87482f390d4bbfca943bcdf2b',1,'arm_compute::NEConvolutionSquare']]], ['necumulativedistributionkernel',['NECumulativeDistributionKernel',['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a6fa25b9f56915d8a179725e5bab75640',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel()'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afdac8d2d257c27504c54725520018ef6',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#afa30a9b7652a405442adaed49119a323',1,'arm_compute::NECumulativeDistributionKernel::NECumulativeDistributionKernel(NECumulativeDistributionKernel &&)=default']]], ['nedepthconvert',['NEDepthConvert',['../classarm__compute_1_1_n_e_depth_convert.xhtml#a04fc944cc2e562f29c8b1099566cc07e',1,'arm_compute::NEDepthConvert::NEDepthConvert()=default'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a427cceb3eef556108ed71484273d5cd6',1,'arm_compute::NEDepthConvert::NEDepthConvert(const NEDepthConvert &)=delete']]], ['nedepthconvertkernel',['NEDepthConvertKernel',['../classarm__compute_1_1_n_e_depth_convert_kernel.xhtml#a880f5df3eb7f21d96561e16d6b858697',1,'arm_compute::NEDepthConvertKernel']]], @@ -56,7 +54,6 @@ var searchData= ['neharrisscorefp16kernel',['NEHarrisScoreFP16Kernel',['../classarm__compute_1_1_n_e_harris_score_f_p16_kernel.xhtml#a97cb6fc2b52a60bdccca7b7359df5211',1,'arm_compute::NEHarrisScoreFP16Kernel']]], ['neharrisscorekernel',['NEHarrisScoreKernel',['../classarm__compute_1_1_n_e_harris_score_kernel.xhtml#a18cf8876acac9c6c2b35e38d9beabe9d',1,'arm_compute::NEHarrisScoreKernel']]], ['nehistogram',['NEHistogram',['../classarm__compute_1_1_n_e_histogram.xhtml#a15d0892c4a1aa404f5a6967b8bc49fa8',1,'arm_compute::NEHistogram']]], - ['nehistogramborderkernel',['NEHistogramBorderKernel',['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ad5ec064530e99e18604b748db95057a2',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel()'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a75ce2cbdc3828d377857e99b099cf567',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel(const NEHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#ac191caef91b2ae052a3395ebd001c2aa',1,'arm_compute::NEHistogramBorderKernel::NEHistogramBorderKernel(NEHistogramBorderKernel &&)=default']]], ['nehistogramkernel',['NEHistogramKernel',['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a13563fca453f4925820f84d182294b9d',1,'arm_compute::NEHistogramKernel::NEHistogramKernel()'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#ad671a80d59ee10144e810003ead8fb57',1,'arm_compute::NEHistogramKernel::NEHistogramKernel(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a2961e5538b89a81b0b0e83159b0526c8',1,'arm_compute::NEHistogramKernel::NEHistogramKernel(NEHistogramKernel &&)=default']]], ['nehogblocknormalizationkernel',['NEHOGBlockNormalizationKernel',['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a3f9eda786b67908885c93faf5eb55594',1,'arm_compute::NEHOGBlockNormalizationKernel::NEHOGBlockNormalizationKernel()'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ae88dacb24506d235031138db045b8413',1,'arm_compute::NEHOGBlockNormalizationKernel::NEHOGBlockNormalizationKernel(const NEHOGBlockNormalizationKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a2326d9458e2047eef9b26745db76ad79',1,'arm_compute::NEHOGBlockNormalizationKernel::NEHOGBlockNormalizationKernel(NEHOGBlockNormalizationKernel &&)=default']]], ['nehogdescriptor',['NEHOGDescriptor',['../classarm__compute_1_1_n_e_h_o_g_descriptor.xhtml#a571271ae391444eb3fab115114574653',1,'arm_compute::NEHOGDescriptor']]], diff --git a/documentation/search/functions_d.js b/documentation/search/functions_d.js index 92c0701df..101a42574 100644 --- a/documentation/search/functions_d.js +++ b/documentation/search/functions_d.js @@ -5,9 +5,10 @@ var searchData= ['offset_5felement_5fin_5fbytes',['offset_element_in_bytes',['../classarm__compute_1_1_tensor_info.xhtml#aaf5cc084e0feafccc97492d688f4e2e2',1,'arm_compute::TensorInfo']]], ['offset_5ffirst_5felement_5fin_5fbytes',['offset_first_element_in_bytes',['../classarm__compute_1_1_tensor_info.xhtml#ad590b0e52b0574c9c2fce393ede1fa7a',1,'arm_compute::TensorInfo']]], ['open',['open',['../classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed',1,'test_helpers::PPMLoader']]], + ['opencl_5fis_5favailable',['opencl_is_available',['../namespacearm__compute.xhtml#aa4f4d7a58287017588fc338965873f14',1,'arm_compute']]], ['operator_2a',['operator*',['../structarm__compute_1_1_border_size.xhtml#a19da960d23eca69f8e65d52c741147e2',1,'arm_compute::BorderSize']]], ['operator_2a_3d',['operator*=',['../structarm__compute_1_1_border_size.xhtml#ac2ed52112076ed0fd2aab3fbfb758837',1,'arm_compute::BorderSize']]], - ['operator_3d',['operator=',['../classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a',1,'arm_compute::AccessWindowAutoPadding::operator=(const AccessWindowAutoPadding &)=delete'],['../classarm__compute_1_1_access_window_auto_padding.xhtml#a4bca6da5857d60a9565c60b483859208',1,'arm_compute::AccessWindowAutoPadding::operator=(AccessWindowAutoPadding &&)=default'],['../classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730',1,'arm_compute::AccessWindowStatic::operator=(const AccessWindowStatic &)=delete'],['../classarm__compute_1_1_access_window_static.xhtml#af5312479f43d5fd6c46e4e8473049847',1,'arm_compute::AccessWindowStatic::operator=(AccessWindowStatic &&)=default'],['../classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140',1,'arm_compute::Program::operator=(const Program &)=default'],['../classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d',1,'arm_compute::Program::operator=(Program &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10',1,'arm_compute::Kernel::operator=(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75',1,'arm_compute::Kernel::operator=(Kernel &&)=default'],['../classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966',1,'arm_compute::CLKernelLibrary::operator=()'],['../classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b',1,'arm_compute::ICLArray::operator=()'],['../classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd',1,'arm_compute::ICLDistribution1D::operator=()'],['../classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1',1,'arm_compute::ICLLut::operator=()'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf',1,'arm_compute::ICLSimpleKernel::operator=(const ICLSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216',1,'arm_compute::ICLSimpleKernel::operator=(ICLSimpleKernel &&)=default'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e',1,'arm_compute::ICLTensor::operator=()'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a71db1bd13fefa2e7fda34b8fffa4a863',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(const CLAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#aef45d046af467d9d202a92b2824664a5',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(CLAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#ab83a6646bb7b3fc2fb272f0979b4a458',1,'arm_compute::CLArithmeticAdditionKernel::operator=(const CLArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a9ac3572e118daa7e7564a61cc4a0cb02',1,'arm_compute::CLArithmeticAdditionKernel::operator=(CLArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a6fd57c96408ff45f650654afa803b13e',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(const CLArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a7d0ecef561fca963ab9d018fe9749098',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(CLArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#aa172a2abdd7040105f2be39a50f6cff2',1,'arm_compute::CLBitwiseAndKernel::operator=(const CLBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af31b1a5d8ec88a34da6d60ba2314dde1',1,'arm_compute::CLBitwiseAndKernel::operator=(CLBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#abcfb652670535dad6ec571b3b82495f4',1,'arm_compute::CLBitwiseOrKernel::operator=(const CLBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a471cff5db30df694b97fbba067271ac0',1,'arm_compute::CLBitwiseOrKernel::operator=(CLBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#ab169d4a7c722602e5952cc2a06bf38b1',1,'arm_compute::CLBitwiseXorKernel::operator=(const CLBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a2d8ca31390ad9b7a4fdef983e1ff5856',1,'arm_compute::CLBitwiseXorKernel::operator=(CLBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8',1,'arm_compute::CLGradientKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#aaa7e7959c4a5ab3705e79d81a7e94f1d',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#ae4e8839e52f8f14feef09d819170b40d',1,'arm_compute::CLEdgeTraceKernel::operator=()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#acbed32f07c42524f3ba442584961662a',1,'arm_compute::CLChannelCombineKernel::operator=(const CLChannelCombineKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a0d6c1f9be7a8c0e35a438ef7b01227f8',1,'arm_compute::CLChannelCombineKernel::operator=(CLChannelCombineKernel &&)=default'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a9b79b58e02befadc03a8efa21453cc6d',1,'arm_compute::CLChannelExtractKernel::operator=(const CLChannelExtractKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a3903cf5b0f5ffd0687b19d45a39bfb72',1,'arm_compute::CLChannelExtractKernel::operator=(CLChannelExtractKernel &&)=default'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ac0fc2aadef37fa6f20657e42b209ca62',1,'arm_compute::CLCol2ImKernel::operator=(const CLCol2ImKernel &)=delete'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ad329e4f461dd51b4bc5d1cd012cfaa70',1,'arm_compute::CLCol2ImKernel::operator=(CLCol2ImKernel &&)=default'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a9896faa16e3d99ed942eb845dfe41f2e',1,'arm_compute::CLColorConvertKernel::operator=(const CLColorConvertKernel &)=delete'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#ab3eb38ca98e94de0917a74b8d7d47061',1,'arm_compute::CLColorConvertKernel::operator=(CLColorConvertKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#afce1f7a8135ce82d5e12342bb05f8448',1,'arm_compute::CLConvolutionRectangleKernel::operator=(const CLConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#ac746b3604d6b86789f4c817e095f9147',1,'arm_compute::CLConvolutionRectangleKernel::operator=(CLConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a6855e413477e07be21b96fb86489effb',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(const CLConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(CLConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a',1,'arm_compute::CLDerivativeKernel::operator=(const CLDerivativeKernel &)=delete'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#aceb0191986422c3fcc97f2e9ed9fe15c',1,'arm_compute::CLDerivativeKernel::operator=(CLDerivativeKernel &&)=default'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac5e031f7c81be9bbac3372bb6edbd344',1,'arm_compute::CLFastCornersKernel::operator=(const CLFastCornersKernel &)=delete'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac64dcd555f8756462b629bf58a28bfc3',1,'arm_compute::CLFastCornersKernel::operator=(CLFastCornersKernel &&)=default'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a8c3e5f7865d66adaa39c33a83211f261',1,'arm_compute::CLCopyToArrayKernel::operator=(const CLCopyToArrayKernel &)=delete'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a09ceae93051ead63b10d88903c5a62be',1,'arm_compute::CLCopyToArrayKernel::operator=(CLCopyToArrayKernel &&)=default'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86',1,'arm_compute::CLFillBorderKernel::operator=(const CLFillBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a8c127ae32e8e5fa6bab31910663bcde1',1,'arm_compute::CLFillBorderKernel::operator=(CLFillBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(const CLGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#ae05299dbd8e52799fc34298966f0375d',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(CLGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(const CLGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a587092ed39eaf708edbaa65e2e656ac3',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(CLGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(const CLGEMMInterleave4x4Kernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(CLGEMMInterleave4x4Kernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(const CLGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(CLGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(CLGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(const CLGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(CLGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(const CLGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(CLGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6',1,'arm_compute::CLHarrisScoreKernel::operator=(const CLHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd',1,'arm_compute::CLHarrisScoreKernel::operator=(CLHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261',1,'arm_compute::CLHistogramKernel::operator=(const CLHistogramKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f',1,'arm_compute::CLHistogramKernel::operator=(CLHistogramKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679',1,'arm_compute::CLHistogramBorderKernel::operator=(const CLHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda',1,'arm_compute::CLHistogramBorderKernel::operator=(CLHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56',1,'arm_compute::CLIm2ColKernel::operator=(const CLIm2ColKernel &)=delete'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa',1,'arm_compute::CLIm2ColKernel::operator=(CLIm2ColKernel &&)=default'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927',1,'arm_compute::CLIntegralImageVertKernel::operator=(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6',1,'arm_compute::CLIntegralImageVertKernel::operator=(CLIntegralImageVertKernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(const CLLKTrackerStage0Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(CLLKTrackerStage0Kernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(const CLLKTrackerStage1Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(CLLKTrackerStage1Kernel &&)=default'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a',1,'arm_compute::CLMagnitudePhaseKernel::operator=(const CLMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513',1,'arm_compute::CLMagnitudePhaseKernel::operator=(CLMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d',1,'arm_compute::CLMeanStdDevKernel::operator=(const CLMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3',1,'arm_compute::CLMeanStdDevKernel::operator=(CLMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6',1,'arm_compute::CLMinMaxKernel::operator=(const CLMinMaxKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16',1,'arm_compute::CLMinMaxKernel::operator=(CLMinMaxKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9',1,'arm_compute::CLMinMaxLocationKernel::operator=(const CLMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f',1,'arm_compute::CLMinMaxLocationKernel::operator=(CLMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f',1,'arm_compute::CLNormalizationLayerKernel::operator=(const CLNormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75',1,'arm_compute::CLNormalizationLayerKernel::operator=(CLNormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(const CLPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(CLPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2',1,'arm_compute::CLPoolingLayerKernel::operator=(const CLPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3',1,'arm_compute::CLPoolingLayerKernel::operator=(CLPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e',1,'arm_compute::CLRemapKernel::operator=(const CLRemapKernel &)=delete'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2',1,'arm_compute::CLRemapKernel::operator=(CLRemapKernel &&)=default'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5',1,'arm_compute::CLScharr3x3Kernel::operator=(const CLScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd',1,'arm_compute::CLScharr3x3Kernel::operator=(CLScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160',1,'arm_compute::CLSobel3x3Kernel::operator=(const CLSobel3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e',1,'arm_compute::CLSobel3x3Kernel::operator=(CLSobel3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37',1,'arm_compute::CLSobel5x5HorKernel::operator=(const CLSobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf',1,'arm_compute::CLSobel5x5HorKernel::operator=(CLSobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c',1,'arm_compute::CLSobel5x5VertKernel::operator=(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124',1,'arm_compute::CLSobel5x5VertKernel::operator=(CLSobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef',1,'arm_compute::CLSobel7x7HorKernel::operator=(const CLSobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1',1,'arm_compute::CLSobel7x7HorKernel::operator=(CLSobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4',1,'arm_compute::CLSobel7x7VertKernel::operator=(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9',1,'arm_compute::CLSobel7x7VertKernel::operator=(CLSobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(CLLogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980',1,'arm_compute::CLLogits1DNormKernel::operator=(const CLLogits1DNormKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a',1,'arm_compute::CLLogits1DNormKernel::operator=(CLLogits1DNormKernel &&)=default'],['../classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d',1,'arm_compute::Coordinates::operator=(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061',1,'arm_compute::Coordinates::operator=(Coordinates &&)=default'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000',1,'arm_compute::ICPPSimpleKernel::operator=(const ICPPSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036',1,'arm_compute::ICPPSimpleKernel::operator=(ICPPSimpleKernel &&)=default'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207',1,'arm_compute::CPPCornerCandidatesKernel::operator=(const CPPCornerCandidatesKernel &)=delete'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85',1,'arm_compute::CPPCornerCandidatesKernel::operator=(CPPCornerCandidatesKernel &&)=default'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(CPPSortEuclideanDistanceKernel &&)=default'],['../classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903',1,'arm_compute::Dimensions::operator=(const Dimensions &)=default'],['../classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20',1,'arm_compute::Dimensions::operator=(Dimensions &&)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590',1,'arm_compute::HOGInfo::operator=(const HOGInfo &)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500',1,'arm_compute::HOGInfo::operator=(HOGInfo &&)=default'],['../classarm__compute_1_1_access_window_rectangle.xhtml#abdf21e65ee4cc7cf79a43e3de64dcc7e',1,'arm_compute::AccessWindowRectangle::operator=(const AccessWindowRectangle &)=delete'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a21ab33d8ab185c1321f4c213335e6802',1,'arm_compute::AccessWindowRectangle::operator=(AccessWindowRectangle &&)=default'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(const NEAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(NEAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5',1,'arm_compute::NEActivationLayerKernel::operator=(const NEActivationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907',1,'arm_compute::NEActivationLayerKernel::operator=(NEActivationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2',1,'arm_compute::NEArithmeticAdditionKernel::operator=(const NEArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8',1,'arm_compute::NEArithmeticAdditionKernel::operator=(NEArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(const NEArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(NEArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4',1,'arm_compute::NEBitwiseAndKernel::operator=(const NEBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73',1,'arm_compute::NEBitwiseAndKernel::operator=(NEBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d',1,'arm_compute::NEBitwiseNotKernel::operator=(const NEBitwiseNotKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f',1,'arm_compute::NEBitwiseNotKernel::operator=(NEBitwiseNotKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb',1,'arm_compute::NEBitwiseOrKernel::operator=(const NEBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6',1,'arm_compute::NEBitwiseOrKernel::operator=(NEBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652',1,'arm_compute::NEBitwiseXorKernel::operator=(const NEBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4',1,'arm_compute::NEBitwiseXorKernel::operator=(NEBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35',1,'arm_compute::NEGradientKernel::operator=(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801',1,'arm_compute::NEGradientKernel::operator=(NEGradientKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(const NEEdgeNonMaxSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(NEEdgeNonMaxSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5',1,'arm_compute::NEEdgeTraceKernel::operator=(const NEEdgeTraceKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b',1,'arm_compute::NEEdgeTraceKernel::operator=(NEEdgeTraceKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130',1,'arm_compute::NEChannelCombineKernel::operator=(const NEChannelCombineKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db',1,'arm_compute::NEChannelCombineKernel::operator=(NEChannelCombineKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c',1,'arm_compute::NEChannelExtractKernel::operator=(const NEChannelExtractKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757',1,'arm_compute::NEChannelExtractKernel::operator=(NEChannelExtractKernel &&)=default'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467',1,'arm_compute::NECol2ImKernel::operator=(const NECol2ImKernel &)=delete'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994',1,'arm_compute::NECol2ImKernel::operator=(NECol2ImKernel &&)=default'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112',1,'arm_compute::NEColorConvertKernel::operator=(const NEColorConvertKernel &)=delete'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c',1,'arm_compute::NEColorConvertKernel::operator=(NEColorConvertKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(NEConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b',1,'arm_compute::NECumulativeDistributionKernel::operator=(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9',1,'arm_compute::NECumulativeDistributionKernel::operator=(NECumulativeDistributionKernel &&)=default'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd',1,'arm_compute::NEDerivativeKernel::operator=(const NEDerivativeKernel &)=delete'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591',1,'arm_compute::NEDerivativeKernel::operator=(NEDerivativeKernel &&)=default'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21',1,'arm_compute::NEFastCornersKernel::operator=(const NEFastCornersKernel &)=delete'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa',1,'arm_compute::NEFastCornersKernel::operator=(NEFastCornersKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf',1,'arm_compute::NEFillArrayKernel::operator=(const NEFillArrayKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674',1,'arm_compute::NEFillArrayKernel::operator=(NEFillArrayKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89',1,'arm_compute::NEFillBorderKernel::operator=(const NEFillBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574',1,'arm_compute::NEFillBorderKernel::operator=(NEFillBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43',1,'arm_compute::NEFillInnerBorderKernel::operator=(const NEFillInnerBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31',1,'arm_compute::NEFillInnerBorderKernel::operator=(NEFillInnerBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(const NEGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(NEGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(const NEGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(NEGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(const NEGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(NEGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(const NEGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(NEGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c',1,'arm_compute::INEHarrisScoreKernel::operator=(const INEHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e',1,'arm_compute::INEHarrisScoreKernel::operator=(INEHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b',1,'arm_compute::NEHistogramKernel::operator=(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd',1,'arm_compute::NEHistogramKernel::operator=(NEHistogramKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a5d05ee2eb332616af5c4bd6370323cc4',1,'arm_compute::NEHistogramBorderKernel::operator=(const NEHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_border_kernel.xhtml#a10a1a15f3800ce63fab4bea67eef2b05',1,'arm_compute::NEHistogramBorderKernel::operator=(NEHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(const NEHOGOrientationBinningKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(NEHOGOrientationBinningKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(const NEHOGBlockNormalizationKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(NEHOGBlockNormalizationKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f',1,'arm_compute::NEHOGDetectorKernel::operator=(const NEHOGDetectorKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8',1,'arm_compute::NEHOGDetectorKernel::operator=(NEHOGDetectorKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(const NEHOGNonMaximaSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(NEHOGNonMaximaSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8',1,'arm_compute::NEIm2ColKernel::operator=(const NEIm2ColKernel &)=delete'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180',1,'arm_compute::NEIm2ColKernel::operator=(NEIm2ColKernel &&)=default'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f',1,'arm_compute::NELKTrackerKernel::operator=(const NELKTrackerKernel &)=delete'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c',1,'arm_compute::NELKTrackerKernel::operator=(NELKTrackerKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b',1,'arm_compute::NEMagnitudePhaseKernel::operator=(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037',1,'arm_compute::NEMagnitudePhaseKernel::operator=(NEMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(const NEMagnitudePhaseFP16Kernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(NEMagnitudePhaseFP16Kernel &&)=default'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d',1,'arm_compute::NEMeanStdDevKernel::operator=(const NEMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c',1,'arm_compute::NEMeanStdDevKernel::operator=(NEMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e',1,'arm_compute::NEMinMaxKernel::operator=(const NEMinMaxKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971',1,'arm_compute::NEMinMaxKernel::operator=(NEMinMaxKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774',1,'arm_compute::NEMinMaxLocationKernel::operator=(const NEMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190',1,'arm_compute::NEMinMaxLocationKernel::operator=(NEMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &)=delete'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &&)=default'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(const NENonMaximaSuppression3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(NENonMaximaSuppression3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe',1,'arm_compute::NENormalizationLayerKernel::operator=(const NENormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290',1,'arm_compute::NENormalizationLayerKernel::operator=(NENormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(const NEPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(NEPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b',1,'arm_compute::NEPoolingLayerKernel::operator=(const NEPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb',1,'arm_compute::NEPoolingLayerKernel::operator=(NEPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835',1,'arm_compute::NERemapKernel::operator=(const NERemapKernel &)=delete'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673',1,'arm_compute::NERemapKernel::operator=(NERemapKernel &&)=default'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596',1,'arm_compute::NEScaleKernel::operator=(const NEScaleKernel &)=delete'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7',1,'arm_compute::NEScaleKernel::operator=(NEScaleKernel &&)=default'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6',1,'arm_compute::NEScharr3x3Kernel::operator=(const NEScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b',1,'arm_compute::NEScharr3x3Kernel::operator=(NEScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40',1,'arm_compute::NESobel3x3Kernel::operator=(const NESobel3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e',1,'arm_compute::NESobel3x3Kernel::operator=(NESobel3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce',1,'arm_compute::NESobel5x5HorKernel::operator=(const NESobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92',1,'arm_compute::NESobel5x5HorKernel::operator=(NESobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953',1,'arm_compute::NESobel5x5VertKernel::operator=(const NESobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a',1,'arm_compute::NESobel5x5VertKernel::operator=(NESobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40',1,'arm_compute::NESobel7x7HorKernel::operator=(const NESobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7',1,'arm_compute::NESobel7x7HorKernel::operator=(NESobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9',1,'arm_compute::NESobel7x7VertKernel::operator=(const NESobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f',1,'arm_compute::NESobel7x7VertKernel::operator=(NESobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(const NELogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(NELogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0',1,'arm_compute::NELogits1DNormKernel::operator=(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7',1,'arm_compute::NELogits1DNormKernel::operator=(NELogits1DNormKernel &&)=default'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc',1,'arm_compute::NETableLookupKernel::operator=(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88',1,'arm_compute::NETableLookupKernel::operator=(NETableLookupKernel &&)=default'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2',1,'arm_compute::NEThresholdKernel::operator=()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030',1,'arm_compute::NETransposeKernel::operator=(const NETransposeKernel &)=delete'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911',1,'arm_compute::NETransposeKernel::operator=(NETransposeKernel &&)=default'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae',1,'arm_compute::INEWarpKernel::operator=(const INEWarpKernel &)=delete'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7',1,'arm_compute::INEWarpKernel::operator=(INEWarpKernel &&)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34',1,'arm_compute::PyramidInfo::operator=(const PyramidInfo &)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9',1,'arm_compute::PyramidInfo::operator=(PyramidInfo &&)=default'],['../classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112',1,'arm_compute::Size2D::operator=()'],['../classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5',1,'arm_compute::Steps::operator=(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1',1,'arm_compute::Steps::operator=(Steps &&)=default'],['../classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007',1,'arm_compute::Strides::operator=(const Strides &)=default'],['../classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc',1,'arm_compute::Strides::operator=(Strides &&)=default'],['../classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b',1,'arm_compute::TensorInfo::operator=(const TensorInfo &)=default'],['../classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e',1,'arm_compute::TensorInfo::operator=(TensorInfo &&)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a',1,'arm_compute::TensorShape::operator=(const TensorShape &)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00',1,'arm_compute::TensorShape::operator=(TensorShape &&)=default'],['../structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b',1,'arm_compute::ValidRegion::operator=(const ValidRegion &)=default'],['../structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2',1,'arm_compute::ValidRegion::operator=(ValidRegion &&)=default'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2',1,'arm_compute::Window::Dimension::operator=()'],['../classarm__compute_1_1_c_l_array.xhtml#a30c5bc8ac7572a16644c3c88daa90f49',1,'arm_compute::CLArray::operator=()'],['../classarm__compute_1_1_c_l_distribution1_d.xhtml#a5d11cfbbf69ebbd595d8aee3ecbafedb',1,'arm_compute::CLDistribution1D::operator=()'],['../classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51',1,'arm_compute::CLLutAllocator::operator=()'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f',1,'arm_compute::CLTensorAllocator::operator=(const CLTensorAllocator &)=delete'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3',1,'arm_compute::CLTensorAllocator::operator=(CLTensorAllocator &&)=default'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07',1,'arm_compute::CLFastCorners::operator=()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410',1,'arm_compute::CLGaussianPyramid::operator=(const CLGaussianPyramid &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#aa3f47917f1cb44a55c93363eaaf39c6e',1,'arm_compute::CLGaussianPyramid::operator=(CLGaussianPyramid &&)=default'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5',1,'arm_compute::CLHarrisCorners::operator=()'],['../classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e',1,'arm_compute::CLHistogram::operator=()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed',1,'arm_compute::CLMinMaxLocation::operator=(const CLMinMaxLocation &)=delete'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69',1,'arm_compute::CLMinMaxLocation::operator=(CLMinMaxLocation &&)=default'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27',1,'arm_compute::CLOpticalFlow::operator=(const CLOpticalFlow &)=delete'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634',1,'arm_compute::CLOpticalFlow::operator=(CLOpticalFlow &&)=default'],['../classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1',1,'arm_compute::ILutAllocator::operator=()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268',1,'arm_compute::ITensorAllocator::operator=(const ITensorAllocator &)=default'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6',1,'arm_compute::ITensorAllocator::operator=(ITensorAllocator &&)=default'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359',1,'arm_compute::NECannyEdge::operator=()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2',1,'arm_compute::NEDepthConvert::operator=()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2',1,'arm_compute::NEGaussianPyramid::operator=(const NEGaussianPyramid &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3',1,'arm_compute::NEGaussianPyramid::operator=(NEGaussianPyramid &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99',1,'arm_compute::NEHOGMultiDetection::operator=()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441',1,'arm_compute::NEOpticalFlow::operator=()'],['../classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe',1,'arm_compute::Tensor::operator=()']]], + ['operator_3d',['operator=',['../classarm__compute_1_1_access_window_auto_padding.xhtml#ad38db221ef94b6cd0e73f5dfd743414a',1,'arm_compute::AccessWindowAutoPadding::operator=(const AccessWindowAutoPadding &)=delete'],['../classarm__compute_1_1_access_window_auto_padding.xhtml#a4bca6da5857d60a9565c60b483859208',1,'arm_compute::AccessWindowAutoPadding::operator=(AccessWindowAutoPadding &&)=default'],['../classarm__compute_1_1_access_window_static.xhtml#a5c6934ef061e9aeaa31fa952c05e2730',1,'arm_compute::AccessWindowStatic::operator=(const AccessWindowStatic &)=delete'],['../classarm__compute_1_1_access_window_static.xhtml#af5312479f43d5fd6c46e4e8473049847',1,'arm_compute::AccessWindowStatic::operator=(AccessWindowStatic &&)=default'],['../classarm__compute_1_1_program.xhtml#aa960ae62f188ce6593855ea9d90f3140',1,'arm_compute::Program::operator=(const Program &)=default'],['../classarm__compute_1_1_program.xhtml#ac068143ead400561b25102c60ccd817d',1,'arm_compute::Program::operator=(Program &&)=default'],['../classarm__compute_1_1_kernel.xhtml#a9729d318da4230e664a923d7419ddf10',1,'arm_compute::Kernel::operator=(const Kernel &)=default'],['../classarm__compute_1_1_kernel.xhtml#a22bb0cebcc049eac830795a517212f75',1,'arm_compute::Kernel::operator=(Kernel &&)=default'],['../classarm__compute_1_1_c_l_kernel_library.xhtml#a54fb81956f9fb1c25b279e34e1e7d966',1,'arm_compute::CLKernelLibrary::operator=()'],['../classarm__compute_1_1_i_c_l_array.xhtml#aefdb6cfe839aa0835406d5adcd37de5b',1,'arm_compute::ICLArray::operator=()'],['../classarm__compute_1_1_i_c_l_distribution1_d.xhtml#a0182f7f14809fcf8e7d1b9c8afebeafd',1,'arm_compute::ICLDistribution1D::operator=()'],['../classarm__compute_1_1_i_c_l_lut.xhtml#a8740c6498dafc80428e500a056135bf1',1,'arm_compute::ICLLut::operator=()'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#a8bc8fdf1a67fbaaa3270fd5eeecfc6cf',1,'arm_compute::ICLSimpleKernel::operator=(const ICLSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_l_simple_kernel.xhtml#affc101ff7826063a907b73a062e80216',1,'arm_compute::ICLSimpleKernel::operator=(ICLSimpleKernel &&)=default'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#af72219f9b5e8803950eb8863a23c076e',1,'arm_compute::ICLTensor::operator=(const ICLTensor &)=delete'],['../classarm__compute_1_1_i_c_l_tensor.xhtml#a6a7368baa4f8580ea732b2a352217b80',1,'arm_compute::ICLTensor::operator=(ICLTensor &&)=default'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#a71db1bd13fefa2e7fda34b8fffa4a863',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(const CLAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_c_l_absolute_difference_kernel.xhtml#aef45d046af467d9d202a92b2824664a5',1,'arm_compute::CLAbsoluteDifferenceKernel::operator=(CLAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#ab83a6646bb7b3fc2fb272f0979b4a458',1,'arm_compute::CLArithmeticAdditionKernel::operator=(const CLArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_addition_kernel.xhtml#a9ac3572e118daa7e7564a61cc4a0cb02',1,'arm_compute::CLArithmeticAdditionKernel::operator=(CLArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a6fd57c96408ff45f650654afa803b13e',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(const CLArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml#a7d0ecef561fca963ab9d018fe9749098',1,'arm_compute::CLArithmeticSubtractionKernel::operator=(CLArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#aa172a2abdd7040105f2be39a50f6cff2',1,'arm_compute::CLBitwiseAndKernel::operator=(const CLBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml#af31b1a5d8ec88a34da6d60ba2314dde1',1,'arm_compute::CLBitwiseAndKernel::operator=(CLBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#abcfb652670535dad6ec571b3b82495f4',1,'arm_compute::CLBitwiseOrKernel::operator=(const CLBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml#a471cff5db30df694b97fbba067271ac0',1,'arm_compute::CLBitwiseOrKernel::operator=(CLBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#ab169d4a7c722602e5952cc2a06bf38b1',1,'arm_compute::CLBitwiseXorKernel::operator=(const CLBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml#a2d8ca31390ad9b7a4fdef983e1ff5856',1,'arm_compute::CLBitwiseXorKernel::operator=(CLBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_c_l_gradient_kernel.xhtml#a86852428dd2f3c69bd0639568c2685f8',1,'arm_compute::CLGradientKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_non_max_suppression_kernel.xhtml#aaa7e7959c4a5ab3705e79d81a7e94f1d',1,'arm_compute::CLEdgeNonMaxSuppressionKernel::operator=()'],['../classarm__compute_1_1_c_l_edge_trace_kernel.xhtml#ae4e8839e52f8f14feef09d819170b40d',1,'arm_compute::CLEdgeTraceKernel::operator=()'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#acbed32f07c42524f3ba442584961662a',1,'arm_compute::CLChannelCombineKernel::operator=(const CLChannelCombineKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_combine_kernel.xhtml#a0d6c1f9be7a8c0e35a438ef7b01227f8',1,'arm_compute::CLChannelCombineKernel::operator=(CLChannelCombineKernel &&)=default'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a9b79b58e02befadc03a8efa21453cc6d',1,'arm_compute::CLChannelExtractKernel::operator=(const CLChannelExtractKernel &)=delete'],['../classarm__compute_1_1_c_l_channel_extract_kernel.xhtml#a3903cf5b0f5ffd0687b19d45a39bfb72',1,'arm_compute::CLChannelExtractKernel::operator=(CLChannelExtractKernel &&)=default'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ac0fc2aadef37fa6f20657e42b209ca62',1,'arm_compute::CLCol2ImKernel::operator=(const CLCol2ImKernel &)=delete'],['../classarm__compute_1_1_c_l_col2_im_kernel.xhtml#ad329e4f461dd51b4bc5d1cd012cfaa70',1,'arm_compute::CLCol2ImKernel::operator=(CLCol2ImKernel &&)=default'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#a9896faa16e3d99ed942eb845dfe41f2e',1,'arm_compute::CLColorConvertKernel::operator=(const CLColorConvertKernel &)=delete'],['../classarm__compute_1_1_c_l_color_convert_kernel.xhtml#ab3eb38ca98e94de0917a74b8d7d47061',1,'arm_compute::CLColorConvertKernel::operator=(CLColorConvertKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#afce1f7a8135ce82d5e12342bb05f8448',1,'arm_compute::CLConvolutionRectangleKernel::operator=(const CLConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml#ac746b3604d6b86789f4c817e095f9147',1,'arm_compute::CLConvolutionRectangleKernel::operator=(CLConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#a6855e413477e07be21b96fb86489effb',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(const CLConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_c_l_convolution_layer_weights_reshape_kernel.xhtml#adfa0598bf65ae8e9cff93ae3769c3925',1,'arm_compute::CLConvolutionLayerWeightsReshapeKernel::operator=(CLConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#a3ef5b9e1c310e83a57980bb4f897283a',1,'arm_compute::CLDerivativeKernel::operator=(const CLDerivativeKernel &)=delete'],['../classarm__compute_1_1_c_l_derivative_kernel.xhtml#aceb0191986422c3fcc97f2e9ed9fe15c',1,'arm_compute::CLDerivativeKernel::operator=(CLDerivativeKernel &&)=default'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac5e031f7c81be9bbac3372bb6edbd344',1,'arm_compute::CLFastCornersKernel::operator=(const CLFastCornersKernel &)=delete'],['../classarm__compute_1_1_c_l_fast_corners_kernel.xhtml#ac64dcd555f8756462b629bf58a28bfc3',1,'arm_compute::CLFastCornersKernel::operator=(CLFastCornersKernel &&)=default'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a8c3e5f7865d66adaa39c33a83211f261',1,'arm_compute::CLCopyToArrayKernel::operator=(const CLCopyToArrayKernel &)=delete'],['../classarm__compute_1_1_c_l_copy_to_array_kernel.xhtml#a09ceae93051ead63b10d88903c5a62be',1,'arm_compute::CLCopyToArrayKernel::operator=(CLCopyToArrayKernel &&)=default'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a569042df5e874046fe622b6723289a86',1,'arm_compute::CLFillBorderKernel::operator=(const CLFillBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_fill_border_kernel.xhtml#a8c127ae32e8e5fa6bab31910663bcde1',1,'arm_compute::CLFillBorderKernel::operator=(CLFillBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#aab322f707d331394f70405702b43378a',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(const CLGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_hor_kernel.xhtml#ae05299dbd8e52799fc34298966f0375d',1,'arm_compute::CLGaussianPyramidHorKernel::operator=(CLGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#abd272921b9c15f9200c94898879f156a',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(const CLGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid_vert_kernel.xhtml#a587092ed39eaf708edbaa65e2e656ac3',1,'arm_compute::CLGaussianPyramidVertKernel::operator=(CLGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a56008f3777b30dc6b002815c904a9c34',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(const CLGEMMInterleave4x4Kernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml#a156b6ea0879f0350c72168e647aa58a5',1,'arm_compute::CLGEMMInterleave4x4Kernel::operator=(CLGEMMInterleave4x4Kernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af520778a23d6716080043321d07e9999',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(const CLGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#af7290399a051e470ba52daadd8d7f968',1,'arm_compute::CLGEMMLowpMatrixMultiplyKernel::operator=(CLGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a4d63931364ae453852888a37f13eac8b',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(const CLGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#ada53e19e832615ed9f424882d6d10df8',1,'arm_compute::CLGEMMMatrixAccumulateBiasesKernel::operator=(CLGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a6a78d63356d86ecf8e1ecd5b293087b8',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(const CLGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml#a85e8d5b8770128980c3fe00b25f6c8a2',1,'arm_compute::CLGEMMMatrixAdditionKernel::operator=(CLGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aea377825b4153d8ea48905038cbb0ff1',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(const CLGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_c_l_g_e_m_m_matrix_multiply_kernel.xhtml#aa158230a3f3ea998530f91a14bb8e5a2',1,'arm_compute::CLGEMMMatrixMultiplyKernel::operator=(CLGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a63257c15c82612674763a6d3333f1bd6',1,'arm_compute::CLHarrisScoreKernel::operator=(const CLHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_c_l_harris_score_kernel.xhtml#a211406d60b24c4c7cc91cfb9062b71bd',1,'arm_compute::CLHarrisScoreKernel::operator=(CLHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#aa829a82c818f626213fd9bc071609261',1,'arm_compute::CLHistogramKernel::operator=(const CLHistogramKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_kernel.xhtml#ac3d5f20bb919a975158ebaec91678b4f',1,'arm_compute::CLHistogramKernel::operator=(CLHistogramKernel &&)=default'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a2ca23ba242845400753a7a7e16dfd679',1,'arm_compute::CLHistogramBorderKernel::operator=(const CLHistogramBorderKernel &)=delete'],['../classarm__compute_1_1_c_l_histogram_border_kernel.xhtml#a33342ad689f7359f1f1ac0576f0f4dda',1,'arm_compute::CLHistogramBorderKernel::operator=(CLHistogramBorderKernel &&)=default'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ac09104c975cb1ca9ad434c325be80e56',1,'arm_compute::CLIm2ColKernel::operator=(const CLIm2ColKernel &)=delete'],['../classarm__compute_1_1_c_l_im2_col_kernel.xhtml#ad4b22573444ce7770618109732fe89fa',1,'arm_compute::CLIm2ColKernel::operator=(CLIm2ColKernel &&)=default'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#af23b6173ce52f9c45601cea986114927',1,'arm_compute::CLIntegralImageVertKernel::operator=(const CLIntegralImageVertKernel &)=delete'],['../classarm__compute_1_1_c_l_integral_image_vert_kernel.xhtml#ab4f161672ed88d4b2322e14d6923b4d6',1,'arm_compute::CLIntegralImageVertKernel::operator=(CLIntegralImageVertKernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ac1a27a3a3f960b210716d8103c0b8d91',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(const CLLKTrackerStage0Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage0_kernel.xhtml#ab99cff1eafa85b4d0d32c5f0a9559111',1,'arm_compute::CLLKTrackerStage0Kernel::operator=(CLLKTrackerStage0Kernel &&)=default'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a0226443ff006bea34e6bbcb1fbff2422',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(const CLLKTrackerStage1Kernel &)=delete'],['../classarm__compute_1_1_c_l_l_k_tracker_stage1_kernel.xhtml#a4f1ff65bdc81c14c9e9138d2d63aaece',1,'arm_compute::CLLKTrackerStage1Kernel::operator=(CLLKTrackerStage1Kernel &&)=default'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#a11f21edc185eb160e844aa0c4ca9c29a',1,'arm_compute::CLMagnitudePhaseKernel::operator=(const CLMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml#adb678b97316f473c8134729d88d22513',1,'arm_compute::CLMagnitudePhaseKernel::operator=(CLMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ae9fa6f33d1193d47d77210d69ef74c7d',1,'arm_compute::CLMeanStdDevKernel::operator=(const CLMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml#ab656ceff38e0df4b5a5806e4f5eb67b3',1,'arm_compute::CLMeanStdDevKernel::operator=(CLMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#a9e34fe76534c1b75dfcb2f92acb16ec6',1,'arm_compute::CLMinMaxKernel::operator=(const CLMinMaxKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_kernel.xhtml#afbbcf7cebd0e8f3d28e4ffe74e6dfc16',1,'arm_compute::CLMinMaxKernel::operator=(CLMinMaxKernel &&)=default'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#af478eeb354cb68fe0933f9f8b7e467e9',1,'arm_compute::CLMinMaxLocationKernel::operator=(const CLMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_c_l_min_max_location_kernel.xhtml#abdf07fb560e5e5fc1a40f31826eef74f',1,'arm_compute::CLMinMaxLocationKernel::operator=(CLMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#afde39cdaeb3b4e6d1569ef49f70ccd5f',1,'arm_compute::CLNormalizationLayerKernel::operator=(const CLNormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml#ac8bd4f3203d36457dc9968941e068e75',1,'arm_compute::CLNormalizationLayerKernel::operator=(CLNormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a68ae410a0d979d2c897d840c6749e50c',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(const CLPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml#a18767cd831fa27f6c0d28e847509b4cf',1,'arm_compute::CLPixelWiseMultiplicationKernel::operator=(CLPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#a1c744387eb6e27f11fed9e0383ff55b2',1,'arm_compute::CLPoolingLayerKernel::operator=(const CLPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml#adf693cc1bc9aaacdfaa73e1309f4c0b3',1,'arm_compute::CLPoolingLayerKernel::operator=(CLPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a1657579b2ba3f0821766eb468f0e372e',1,'arm_compute::CLRemapKernel::operator=(const CLRemapKernel &)=delete'],['../classarm__compute_1_1_c_l_remap_kernel.xhtml#a5d629728142cf99ccea7c59faf2be6e2',1,'arm_compute::CLRemapKernel::operator=(CLRemapKernel &&)=default'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#af2d37653c2c381ce8c52df533490f2c5',1,'arm_compute::CLScharr3x3Kernel::operator=(const CLScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml#a2f87eef8bcf07faa1c31afe31c26e2cd',1,'arm_compute::CLScharr3x3Kernel::operator=(CLScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#ab30b6bb92fb3a1cb0cda6dc08e9fa160',1,'arm_compute::CLSobel3x3Kernel::operator=(const CLSobel3x3Kernel &)=delete'],['../classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml#a74e510ea252d0a53cbe946c4d5914b3e',1,'arm_compute::CLSobel3x3Kernel::operator=(CLSobel3x3Kernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#a0d2de1f5a7010147dc1d6c11eaaeda37',1,'arm_compute::CLSobel5x5HorKernel::operator=(const CLSobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_hor_kernel.xhtml#ade7e08981757581d709d549c627a67bf',1,'arm_compute::CLSobel5x5HorKernel::operator=(CLSobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#abc8c95a4a6d95911a79340b6015fa70c',1,'arm_compute::CLSobel5x5VertKernel::operator=(const CLSobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml#a708f74ad4e821b4a14cadbbc370d9124',1,'arm_compute::CLSobel5x5VertKernel::operator=(CLSobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ae61ba8aa03f08b69195f20c2c1c4d4ef',1,'arm_compute::CLSobel7x7HorKernel::operator=(const CLSobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml#ace492ec10b45b7c035ed6b3dac8304c1',1,'arm_compute::CLSobel7x7HorKernel::operator=(CLSobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#afa6becd7a5a59d6853e0f447ba231ac4',1,'arm_compute::CLSobel7x7VertKernel::operator=(const CLSobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml#a9eff4ccf54e197ca085e6a1863833cd9',1,'arm_compute::CLSobel7x7VertKernel::operator=(CLSobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#a6768c8d3a565c30cd874d894b218317c',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(const CLLogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml#aa21cdfff7db54a9881b8220949436309',1,'arm_compute::CLLogits1DShiftExpSumKernel::operator=(CLLogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a6ca0b2c3d501bc8062121facf4443980',1,'arm_compute::CLLogits1DNormKernel::operator=(const CLLogits1DNormKernel &)=delete'],['../classarm__compute_1_1_c_l_logits1_d_norm_kernel.xhtml#a31f1716a5e72003da8fcdbc0a2dec73a',1,'arm_compute::CLLogits1DNormKernel::operator=(CLLogits1DNormKernel &&)=default'],['../classarm__compute_1_1_coordinates.xhtml#a5b213c889050bc3844bdf110f34f602d',1,'arm_compute::Coordinates::operator=(const Coordinates &)=default'],['../classarm__compute_1_1_coordinates.xhtml#a9083bc0216aad5dc437d5e42d80b1061',1,'arm_compute::Coordinates::operator=(Coordinates &&)=default'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#a4a631f6a74572e47d958c4c314406000',1,'arm_compute::ICPPSimpleKernel::operator=(const ICPPSimpleKernel &)=delete'],['../classarm__compute_1_1_i_c_p_p_simple_kernel.xhtml#ac0f362034a917ae5fdb8506ab0f1e036',1,'arm_compute::ICPPSimpleKernel::operator=(ICPPSimpleKernel &&)=default'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a8a61183b7dece994182972d9fede3207',1,'arm_compute::CPPCornerCandidatesKernel::operator=(const CPPCornerCandidatesKernel &)=delete'],['../classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml#a33895b1114dec6ea25e4f5e8e2468c85',1,'arm_compute::CPPCornerCandidatesKernel::operator=(CPPCornerCandidatesKernel &&)=default'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#aef5933e70f775b33c06ddc6c3d0cf8b6',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(const CPPSortEuclideanDistanceKernel &)=delete'],['../classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml#a354351e1f7d4fd2e368e9bd500f26333',1,'arm_compute::CPPSortEuclideanDistanceKernel::operator=(CPPSortEuclideanDistanceKernel &&)=default'],['../classarm__compute_1_1_dimensions.xhtml#a2c96e96e2d005b4a8b66c2acd1688903',1,'arm_compute::Dimensions::operator=(const Dimensions &)=default'],['../classarm__compute_1_1_dimensions.xhtml#a80565e11a35c48747bcc2cba06931e20',1,'arm_compute::Dimensions::operator=(Dimensions &&)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a64f60c469394d4f5f621546fc3108590',1,'arm_compute::HOGInfo::operator=(const HOGInfo &)=default'],['../classarm__compute_1_1_h_o_g_info.xhtml#a3f48ffe9fe37db10eb23de67101c1500',1,'arm_compute::HOGInfo::operator=(HOGInfo &&)=default'],['../classarm__compute_1_1_access_window_rectangle.xhtml#abdf21e65ee4cc7cf79a43e3de64dcc7e',1,'arm_compute::AccessWindowRectangle::operator=(const AccessWindowRectangle &)=delete'],['../classarm__compute_1_1_access_window_rectangle.xhtml#a21ab33d8ab185c1321f4c213335e6802',1,'arm_compute::AccessWindowRectangle::operator=(AccessWindowRectangle &&)=default'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#a5d6e77370a140f10010d3cb9e2a11857',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(const NEAbsoluteDifferenceKernel &)=delete'],['../classarm__compute_1_1_n_e_absolute_difference_kernel.xhtml#aa288278807596db819a0bb3336f6b87c',1,'arm_compute::NEAbsoluteDifferenceKernel::operator=(NEAbsoluteDifferenceKernel &&)=default'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a87da26ad3d611150ba40ff38f4085cb5',1,'arm_compute::NEActivationLayerKernel::operator=(const NEActivationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_activation_layer_kernel.xhtml#a0a42b3e7cc978aad3281a4a38e277907',1,'arm_compute::NEActivationLayerKernel::operator=(NEActivationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a1a359a25f8e2d5b781df6fe2ccfc09a2',1,'arm_compute::NEArithmeticAdditionKernel::operator=(const NEArithmeticAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_addition_kernel.xhtml#a9095b3a8068080cd67214ffac9cbb7f8',1,'arm_compute::NEArithmeticAdditionKernel::operator=(NEArithmeticAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#abaf3795e8b23cb20a57d6fbc2250b4f2',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(const NEArithmeticSubtractionKernel &)=delete'],['../classarm__compute_1_1_n_e_arithmetic_subtraction_kernel.xhtml#aa67dba4afaf72f6df5662cb6d7df76d3',1,'arm_compute::NEArithmeticSubtractionKernel::operator=(NEArithmeticSubtractionKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#afb66e99bd8740b60d7bfd59a95af23d4',1,'arm_compute::NEBitwiseAndKernel::operator=(const NEBitwiseAndKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_and_kernel.xhtml#ab5a50f6206108bf3abf3b3addfa7ae73',1,'arm_compute::NEBitwiseAndKernel::operator=(NEBitwiseAndKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a28f175e22ab8ad069112ccdaef01f50d',1,'arm_compute::NEBitwiseNotKernel::operator=(const NEBitwiseNotKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_not_kernel.xhtml#a237559c92d41048f88e3eb997e05294f',1,'arm_compute::NEBitwiseNotKernel::operator=(NEBitwiseNotKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a5d760acdcf6781fb383167594dc296eb',1,'arm_compute::NEBitwiseOrKernel::operator=(const NEBitwiseOrKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml#a6a7df384121b0a711cbd580a480906a6',1,'arm_compute::NEBitwiseOrKernel::operator=(NEBitwiseOrKernel &&)=default'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#a7fd5d2db21a7b6f3d04b99eff7a65652',1,'arm_compute::NEBitwiseXorKernel::operator=(const NEBitwiseXorKernel &)=delete'],['../classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml#aa74a2c630bfd78719c0f1f05ffc337f4',1,'arm_compute::NEBitwiseXorKernel::operator=(NEBitwiseXorKernel &&)=default'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#ac9fb1a343e29082ecd7ffaa0216dcd35',1,'arm_compute::NEGradientKernel::operator=(const NEGradientKernel &)=delete'],['../classarm__compute_1_1_n_e_gradient_kernel.xhtml#a77d401f1799eff9f50baca598c912801',1,'arm_compute::NEGradientKernel::operator=(NEGradientKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a5f1f723a41130cb9ff98478cd958ac28',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(const NEEdgeNonMaxSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_non_max_suppression_kernel.xhtml#a6fcd697a53de530052da4ffd113d1dd9',1,'arm_compute::NEEdgeNonMaxSuppressionKernel::operator=(NEEdgeNonMaxSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a4c827d25ce4451de792fa939a61402b5',1,'arm_compute::NEEdgeTraceKernel::operator=(const NEEdgeTraceKernel &)=delete'],['../classarm__compute_1_1_n_e_edge_trace_kernel.xhtml#a2ef3350848cbf1f21b6eaba6dca4ec1b',1,'arm_compute::NEEdgeTraceKernel::operator=(NEEdgeTraceKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#af7fa6b6b40f275e2f6f0afdf42aa6130',1,'arm_compute::NEChannelCombineKernel::operator=(const NEChannelCombineKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_combine_kernel.xhtml#a4dfea5b19ebe5e46148a63af9fdbc5db',1,'arm_compute::NEChannelCombineKernel::operator=(NEChannelCombineKernel &&)=default'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#aa8e7c7a49ee3042eba01b2b7c0284f8c',1,'arm_compute::NEChannelExtractKernel::operator=(const NEChannelExtractKernel &)=delete'],['../classarm__compute_1_1_n_e_channel_extract_kernel.xhtml#acf451199b29e2a9a737419455bd55757',1,'arm_compute::NEChannelExtractKernel::operator=(NEChannelExtractKernel &&)=default'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#aaf4d8c425a336a01399b68cd46ef3467',1,'arm_compute::NECol2ImKernel::operator=(const NECol2ImKernel &)=delete'],['../classarm__compute_1_1_n_e_col2_im_kernel.xhtml#a792c2be01569939e6d09097bf3e72994',1,'arm_compute::NECol2ImKernel::operator=(NECol2ImKernel &&)=default'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#abcba384fd1d11e611380b5751fd1b112',1,'arm_compute::NEColorConvertKernel::operator=(const NEColorConvertKernel &)=delete'],['../classarm__compute_1_1_n_e_color_convert_kernel.xhtml#ad45cf44ba984cab65018746c5dd0220c',1,'arm_compute::NEColorConvertKernel::operator=(NEColorConvertKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a346f0286bbc7dc19e4aa25ae6acd57e8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_rectangle_kernel.xhtml#a098833ba328ff07d483f4d8af88ee9f8',1,'arm_compute::NEConvolutionRectangleKernel::operator=(NEConvolutionRectangleKernel &&)=default'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#aeb770234f2dd60bf87be7306bd6347d9',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(const NEConvolutionLayerWeightsReshapeKernel &)=delete'],['../classarm__compute_1_1_n_e_convolution_layer_weights_reshape_kernel.xhtml#adec0433c56e72d18729db96b35df87fd',1,'arm_compute::NEConvolutionLayerWeightsReshapeKernel::operator=(NEConvolutionLayerWeightsReshapeKernel &&)=default'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#ad1f6a0449f8106bc3c4a46b784455f2b',1,'arm_compute::NECumulativeDistributionKernel::operator=(const NECumulativeDistributionKernel &)=delete'],['../classarm__compute_1_1_n_e_cumulative_distribution_kernel.xhtml#a7c095c1b8d17cdebc2135d8d5f9d17a9',1,'arm_compute::NECumulativeDistributionKernel::operator=(NECumulativeDistributionKernel &&)=default'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#a11f5eb3a93c035acdd9fd93f3bed50bd',1,'arm_compute::NEDerivativeKernel::operator=(const NEDerivativeKernel &)=delete'],['../classarm__compute_1_1_n_e_derivative_kernel.xhtml#ac23fff6afb2efca3962209a494931591',1,'arm_compute::NEDerivativeKernel::operator=(NEDerivativeKernel &&)=default'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a3b21b6f8bfa867ac4095d07b3c24dc21',1,'arm_compute::NEFastCornersKernel::operator=(const NEFastCornersKernel &)=delete'],['../classarm__compute_1_1_n_e_fast_corners_kernel.xhtml#a8197fdf1bcf46e73d178e8e9e53ff7aa',1,'arm_compute::NEFastCornersKernel::operator=(NEFastCornersKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a13b2df49f2f949a2bb58f712265848bf',1,'arm_compute::NEFillArrayKernel::operator=(const NEFillArrayKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_array_kernel.xhtml#a9a55c46c05fbc0a537df4c3ccc48e674',1,'arm_compute::NEFillArrayKernel::operator=(NEFillArrayKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#aa4f538607cbe231add821baaed273d89',1,'arm_compute::NEFillBorderKernel::operator=(const NEFillBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_border_kernel.xhtml#acfb02d08dc643683c69a86b220e30574',1,'arm_compute::NEFillBorderKernel::operator=(NEFillBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#ad1005cd5f8e117e601e605fe95eb2c43',1,'arm_compute::NEFillInnerBorderKernel::operator=(const NEFillInnerBorderKernel &)=delete'],['../classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml#a211e87c29190b5815452186960925f31',1,'arm_compute::NEFillInnerBorderKernel::operator=(NEFillInnerBorderKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a57b8231a27fbf3bd1867c384f20f0ee7',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_hor_kernel.xhtml#a524b075e28c8335b5fcd97e2d0654429',1,'arm_compute::NEGaussianPyramidHorKernel::operator=(NEGaussianPyramidHorKernel &&)=default'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a22225d9b8a8f6d1b8fe5186be5776362',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid_vert_kernel.xhtml#a06af55b2547ef858438a07ee2283cb7e',1,'arm_compute::NEGaussianPyramidVertKernel::operator=(NEGaussianPyramidVertKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a881d64d29e841c5177b7a443e21d4160',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(const NEGEMMLowpMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml#a525a39534b1eb64631f04062d8ea992e',1,'arm_compute::NEGEMMLowpMatrixMultiplyKernel::operator=(NEGEMMLowpMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a409dfc45a8604ff384712328a6c31e90',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(const NEGEMMMatrixAccumulateBiasesKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_accumulate_biases_kernel.xhtml#a94d9d77f258a9f6f392f391086e93db1',1,'arm_compute::NEGEMMMatrixAccumulateBiasesKernel::operator=(NEGEMMMatrixAccumulateBiasesKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#a7bf4194c21adc060991ddb88ed4c8b60',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(const NEGEMMMatrixAdditionKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_addition_kernel.xhtml#adc1be2dee3a4aeeb959cf2ec7aec7657',1,'arm_compute::NEGEMMMatrixAdditionKernel::operator=(NEGEMMMatrixAdditionKernel &&)=default'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a7374bb3f1d0e7e9cd4ba2c33f03fe24d',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(const NEGEMMMatrixMultiplyKernel &)=delete'],['../classarm__compute_1_1_n_e_g_e_m_m_matrix_multiply_kernel.xhtml#a864371293368156a359430d90ebb7670',1,'arm_compute::NEGEMMMatrixMultiplyKernel::operator=(NEGEMMMatrixMultiplyKernel &&)=default'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a232af38fd41caa594d7bc0571f56f50c',1,'arm_compute::INEHarrisScoreKernel::operator=(const INEHarrisScoreKernel &)=delete'],['../classarm__compute_1_1_i_n_e_harris_score_kernel.xhtml#a8c5c5c5c31d1d2eb36f6c8f71e7e181e',1,'arm_compute::INEHarrisScoreKernel::operator=(INEHarrisScoreKernel &&)=default'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a141d3236a2c874c5ea0ac78776b4433b',1,'arm_compute::NEHistogramKernel::operator=(const NEHistogramKernel &)=delete'],['../classarm__compute_1_1_n_e_histogram_kernel.xhtml#a4d612efbb9c534d6d89d397e65d816dd',1,'arm_compute::NEHistogramKernel::operator=(NEHistogramKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#aba51399633359154d6d92ac157ec2d79',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(const NEHOGOrientationBinningKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_orientation_binning_kernel.xhtml#a777b74a7fe06dca3142df7575cfdb8d1',1,'arm_compute::NEHOGOrientationBinningKernel::operator=(NEHOGOrientationBinningKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#a82a657d81256fe50dadf69b32daeff7f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(const NEHOGBlockNormalizationKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_block_normalization_kernel.xhtml#ab4a44853a753d8217b53760a605ad81f',1,'arm_compute::NEHOGBlockNormalizationKernel::operator=(NEHOGBlockNormalizationKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#a1950ead36156919ea0345e72bfe91e4f',1,'arm_compute::NEHOGDetectorKernel::operator=(const NEHOGDetectorKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_detector_kernel.xhtml#afa7fbb664ca96646837a43aea8e9a5e8',1,'arm_compute::NEHOGDetectorKernel::operator=(NEHOGDetectorKernel &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a02352d173b333062d822168ba39d6878',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(const NEHOGNonMaximaSuppressionKernel &)=delete'],['../classarm__compute_1_1_n_e_h_o_g_non_maxima_suppression_kernel.xhtml#a342dca6ca42680988a884378692049c3',1,'arm_compute::NEHOGNonMaximaSuppressionKernel::operator=(NEHOGNonMaximaSuppressionKernel &&)=default'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a8f6d6c13a896535a381329b6145aeae8',1,'arm_compute::NEIm2ColKernel::operator=(const NEIm2ColKernel &)=delete'],['../classarm__compute_1_1_n_e_im2_col_kernel.xhtml#a6a2aca1636f47703585803ca05d10180',1,'arm_compute::NEIm2ColKernel::operator=(NEIm2ColKernel &&)=default'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#a4fca340cdf3937fc9d34364c0c63b87f',1,'arm_compute::NELKTrackerKernel::operator=(const NELKTrackerKernel &)=delete'],['../classarm__compute_1_1_n_e_l_k_tracker_kernel.xhtml#ab71320bdcd0dfbee682dd61b8c1c0b0c',1,'arm_compute::NELKTrackerKernel::operator=(NELKTrackerKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#a792f1b5315b3678896a2dd5eab8b692b',1,'arm_compute::NEMagnitudePhaseKernel::operator=(const NEMagnitudePhaseKernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_kernel.xhtml#ad45c0851db2721a94c831cbc6f30a037',1,'arm_compute::NEMagnitudePhaseKernel::operator=(NEMagnitudePhaseKernel &&)=default'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#ae7575d62e716fd0e9b52dc19392d708e',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(const NEMagnitudePhaseFP16Kernel &)=delete'],['../classarm__compute_1_1_n_e_magnitude_phase_f_p16_kernel.xhtml#a70b5645889a6e88228f5d63d16c99881',1,'arm_compute::NEMagnitudePhaseFP16Kernel::operator=(NEMagnitudePhaseFP16Kernel &&)=default'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#a8658dfa985e2cd5805d4756eed25638d',1,'arm_compute::NEMeanStdDevKernel::operator=(const NEMeanStdDevKernel &)=delete'],['../classarm__compute_1_1_n_e_mean_std_dev_kernel.xhtml#addfd7a52f0ae7ff3ff637834f4cb977c',1,'arm_compute::NEMeanStdDevKernel::operator=(NEMeanStdDevKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a9b6ac356956d5d7dfb97871dfa8daa8e',1,'arm_compute::NEMinMaxKernel::operator=(const NEMinMaxKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_kernel.xhtml#a8b315188bf6d2dc453acbf411c477971',1,'arm_compute::NEMinMaxKernel::operator=(NEMinMaxKernel &&)=default'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#ab9a7c76bf701e9dbed2fd52ae73e7774',1,'arm_compute::NEMinMaxLocationKernel::operator=(const NEMinMaxLocationKernel &)=delete'],['../classarm__compute_1_1_n_e_min_max_location_kernel.xhtml#a27b90206d81f057e8bb3c921f51e5190',1,'arm_compute::NEMinMaxLocationKernel::operator=(NEMinMaxLocationKernel &&)=default'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#ad1c7427d0764b87f44110b99e6ef711a',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &)=delete'],['../classarm__compute_1_1_n_e_non_linear_filter_kernel.xhtml#a3951d5222dbce29fef63aa1c972bd5db',1,'arm_compute::NENonLinearFilterKernel::operator=(NENonLinearFilterKernel &&)=default'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#abd07bcfd3e6a025406dfaffbf9d44e3d',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(const NENonMaximaSuppression3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_non_maxima_suppression3x3_kernel.xhtml#aef123a42a08a4258997924a27803a565',1,'arm_compute::NENonMaximaSuppression3x3Kernel::operator=(NENonMaximaSuppression3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a7221fb56d3119c94875fbf76addc27fe',1,'arm_compute::NENormalizationLayerKernel::operator=(const NENormalizationLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_normalization_layer_kernel.xhtml#a37d9ddfcfeee1a4993746c2d3ab51290',1,'arm_compute::NENormalizationLayerKernel::operator=(NENormalizationLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#a6685c2ffbda12dbf1e4706b85c688e19',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(const NEPixelWiseMultiplicationKernel &)=delete'],['../classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml#aaa5c44de29693435660b5c849c62e991',1,'arm_compute::NEPixelWiseMultiplicationKernel::operator=(NEPixelWiseMultiplicationKernel &&)=default'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a1729479f9686c64edfd1a4af834d634b',1,'arm_compute::NEPoolingLayerKernel::operator=(const NEPoolingLayerKernel &)=delete'],['../classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml#a0e9871f265535f65226b65ae64ab2cfb',1,'arm_compute::NEPoolingLayerKernel::operator=(NEPoolingLayerKernel &&)=default'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#aa9096c3897bd0dbda632613a243fa835',1,'arm_compute::NERemapKernel::operator=(const NERemapKernel &)=delete'],['../classarm__compute_1_1_n_e_remap_kernel.xhtml#ac19511f65e6bad8424d4dd8933e0b673',1,'arm_compute::NERemapKernel::operator=(NERemapKernel &&)=default'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#a9bc5c918a86ea34e0a7cc2559c010596',1,'arm_compute::NEScaleKernel::operator=(const NEScaleKernel &)=delete'],['../classarm__compute_1_1_n_e_scale_kernel.xhtml#aa2d0e6d7ced452bc623cd3020e3026c7',1,'arm_compute::NEScaleKernel::operator=(NEScaleKernel &&)=default'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#a9e56daa4acb0848264206cbcabd71fb6',1,'arm_compute::NEScharr3x3Kernel::operator=(const NEScharr3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml#aa4a99a8888c2b726eb11026235e1df4b',1,'arm_compute::NEScharr3x3Kernel::operator=(NEScharr3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#a9e9f9a009b184aa9b7a95c08c5312c40',1,'arm_compute::NESobel3x3Kernel::operator=(const NESobel3x3Kernel &)=delete'],['../classarm__compute_1_1_n_e_sobel3x3_kernel.xhtml#ad278035b8f39d6cbfd3e4f0df8c2267e',1,'arm_compute::NESobel3x3Kernel::operator=(NESobel3x3Kernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a9e6242e9d05e2d354358200b6b0c9bce',1,'arm_compute::NESobel5x5HorKernel::operator=(const NESobel5x5HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_hor_kernel.xhtml#a3e6b2451b91f83ba01eaa137cd43ad92',1,'arm_compute::NESobel5x5HorKernel::operator=(NESobel5x5HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a8954c998e67758f56891caf8da30c953',1,'arm_compute::NESobel5x5VertKernel::operator=(const NESobel5x5VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel5x5_vert_kernel.xhtml#a59d1a2b1ef3d2b7e3bc5e942714d102a',1,'arm_compute::NESobel5x5VertKernel::operator=(NESobel5x5VertKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aa565986054157308084976722c25cb40',1,'arm_compute::NESobel7x7HorKernel::operator=(const NESobel7x7HorKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_hor_kernel.xhtml#aea088a2f4df212fdf1fdf5c345097ee7',1,'arm_compute::NESobel7x7HorKernel::operator=(NESobel7x7HorKernel &&)=default'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a175a100761bb3f0643d8a53cc50347c9',1,'arm_compute::NESobel7x7VertKernel::operator=(const NESobel7x7VertKernel &)=delete'],['../classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml#a119c48528fa6440b33a4e25c9825d07f',1,'arm_compute::NESobel7x7VertKernel::operator=(NESobel7x7VertKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#ad460f5c37074598ab512070cbaca08b3',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(const NELogits1DShiftExpSumKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_shift_exp_sum_kernel.xhtml#af3dc430bb888b95a18b84f41100d5f8a',1,'arm_compute::NELogits1DShiftExpSumKernel::operator=(NELogits1DShiftExpSumKernel &&)=default'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a0b7f69d0c7332d81579a4dce541a90c0',1,'arm_compute::NELogits1DNormKernel::operator=(const NELogits1DNormKernel &)=delete'],['../classarm__compute_1_1_n_e_logits1_d_norm_kernel.xhtml#a2d51a25ef56b62f2430f902a593421c7',1,'arm_compute::NELogits1DNormKernel::operator=(NELogits1DNormKernel &&)=default'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#a07bb7672d1a33bacdb6d6c03329be8bc',1,'arm_compute::NETableLookupKernel::operator=(const NETableLookupKernel &)=delete'],['../classarm__compute_1_1_n_e_table_lookup_kernel.xhtml#aa8401b21e8ec6f12716f91a8e84f2b88',1,'arm_compute::NETableLookupKernel::operator=(NETableLookupKernel &&)=default'],['../classarm__compute_1_1_n_e_threshold_kernel.xhtml#ade42f76ebc9cf95d29f8642069d1c0c2',1,'arm_compute::NEThresholdKernel::operator=()'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#a6feb51cd492d39a63e9455dac72bc030',1,'arm_compute::NETransposeKernel::operator=(const NETransposeKernel &)=delete'],['../classarm__compute_1_1_n_e_transpose_kernel.xhtml#aef05df94b7db653754d21e0b341cb911',1,'arm_compute::NETransposeKernel::operator=(NETransposeKernel &&)=default'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a7fec20804044646d6a855713fe6573ae',1,'arm_compute::INEWarpKernel::operator=(const INEWarpKernel &)=delete'],['../classarm__compute_1_1_i_n_e_warp_kernel.xhtml#a724673b78b929bbbd03f746c75ad2ec7',1,'arm_compute::INEWarpKernel::operator=(INEWarpKernel &&)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a21310a3eef49fc4f04b98897fc785b34',1,'arm_compute::PyramidInfo::operator=(const PyramidInfo &)=default'],['../classarm__compute_1_1_pyramid_info.xhtml#a09f1ed0da3ccc973d44d1156aff150f9',1,'arm_compute::PyramidInfo::operator=(PyramidInfo &&)=default'],['../classarm__compute_1_1_size2_d.xhtml#a8b9da83a2ead641e753dd21ad3571112',1,'arm_compute::Size2D::operator=()'],['../classarm__compute_1_1_steps.xhtml#a19a1cb67274c32a121bda25311368aa5',1,'arm_compute::Steps::operator=(const Steps &)=default'],['../classarm__compute_1_1_steps.xhtml#a3fbb5c5f85131d56480ce42a77e6f8e1',1,'arm_compute::Steps::operator=(Steps &&)=default'],['../classarm__compute_1_1_strides.xhtml#a0b6f9231ca0331d1a3194a3c921b3007',1,'arm_compute::Strides::operator=(const Strides &)=default'],['../classarm__compute_1_1_strides.xhtml#a8176792e94ac0c326c5338c46e6594fc',1,'arm_compute::Strides::operator=(Strides &&)=default'],['../classarm__compute_1_1_tensor_info.xhtml#adcf156ba30ff118c28690671e83ea06b',1,'arm_compute::TensorInfo::operator=(const TensorInfo &)=default'],['../classarm__compute_1_1_tensor_info.xhtml#a532c27f6bf3cd9275cb7fc9a0d0bbf6e',1,'arm_compute::TensorInfo::operator=(TensorInfo &&)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#a355b1a84ab7af3b8ef9a6bea1939450a',1,'arm_compute::TensorShape::operator=(const TensorShape &)=default'],['../classarm__compute_1_1_tensor_shape.xhtml#afbfae7c97606fb71d556a9f4e46dda00',1,'arm_compute::TensorShape::operator=(TensorShape &&)=default'],['../structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b',1,'arm_compute::ValidRegion::operator=(const ValidRegion &)=default'],['../structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2',1,'arm_compute::ValidRegion::operator=(ValidRegion &&)=default'],['../classarm__compute_1_1_window_1_1_dimension.xhtml#a7768b7b80a8b640dae911af38e3315a2',1,'arm_compute::Window::Dimension::operator=()'],['../classarm__compute_1_1_c_l_array.xhtml#a30c5bc8ac7572a16644c3c88daa90f49',1,'arm_compute::CLArray::operator=()'],['../classarm__compute_1_1_c_l_distribution1_d.xhtml#a5d11cfbbf69ebbd595d8aee3ecbafedb',1,'arm_compute::CLDistribution1D::operator=()'],['../classarm__compute_1_1_c_l_lut_allocator.xhtml#a2de13c6fbd9dd5506f12627b87415a51',1,'arm_compute::CLLutAllocator::operator=()'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#a74c9c61e0615334fdeb176f21828a98f',1,'arm_compute::CLTensorAllocator::operator=(const CLTensorAllocator &)=delete'],['../classarm__compute_1_1_c_l_tensor_allocator.xhtml#aba115eb9c458f9e99b8c3fa3975a74a3',1,'arm_compute::CLTensorAllocator::operator=(CLTensorAllocator &&)=default'],['../classarm__compute_1_1_c_l_fast_corners.xhtml#a5376467035ae425342d9feb333452d07',1,'arm_compute::CLFastCorners::operator=()'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#afc0bb21e48fb78591b51913eba818410',1,'arm_compute::CLGaussianPyramid::operator=(const CLGaussianPyramid &)=delete'],['../classarm__compute_1_1_c_l_gaussian_pyramid.xhtml#aa3f47917f1cb44a55c93363eaaf39c6e',1,'arm_compute::CLGaussianPyramid::operator=(CLGaussianPyramid &&)=default'],['../classarm__compute_1_1_c_l_harris_corners.xhtml#adda387b61b237daaf8579249f84751a5',1,'arm_compute::CLHarrisCorners::operator=()'],['../classarm__compute_1_1_c_l_histogram.xhtml#acb6c95349bcbf0a7f25e7e7e1e8f4b0e',1,'arm_compute::CLHistogram::operator=()'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a5ec34a951324ad9bd8bf06d8620369ed',1,'arm_compute::CLMinMaxLocation::operator=(const CLMinMaxLocation &)=delete'],['../classarm__compute_1_1_c_l_min_max_location.xhtml#a54669d0a20e3df491886372d4cffef69',1,'arm_compute::CLMinMaxLocation::operator=(CLMinMaxLocation &&)=default'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a68eed0e07674cc6e041d5dc0fecd8c27',1,'arm_compute::CLOpticalFlow::operator=(const CLOpticalFlow &)=delete'],['../classarm__compute_1_1_c_l_optical_flow.xhtml#a24252fc100901855c82e8703834f9634',1,'arm_compute::CLOpticalFlow::operator=(CLOpticalFlow &&)=default'],['../classarm__compute_1_1_i_lut_allocator.xhtml#afc1c53ed4dcc1a723b9b9dcf67c578a1',1,'arm_compute::ILutAllocator::operator=()'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a12e5f2915e2461321b130dcf84f3e268',1,'arm_compute::ITensorAllocator::operator=(const ITensorAllocator &)=default'],['../classarm__compute_1_1_i_tensor_allocator.xhtml#a46277b6e964a66a9936e06f9989f0ff6',1,'arm_compute::ITensorAllocator::operator=(ITensorAllocator &&)=default'],['../classarm__compute_1_1_n_e_canny_edge.xhtml#a325fac2836aecb2da2f86b7699e2b359',1,'arm_compute::NECannyEdge::operator=()'],['../classarm__compute_1_1_n_e_depth_convert.xhtml#a7ed98008d6fd4e74c243c3ade3c17ee2',1,'arm_compute::NEDepthConvert::operator=()'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a097e83a75f775a2d592e9779c372c2c2',1,'arm_compute::NEGaussianPyramid::operator=(const NEGaussianPyramid &)=delete'],['../classarm__compute_1_1_n_e_gaussian_pyramid.xhtml#a30c3a425c100798c86932c0ff6d12bb3',1,'arm_compute::NEGaussianPyramid::operator=(NEGaussianPyramid &&)=default'],['../classarm__compute_1_1_n_e_h_o_g_multi_detection.xhtml#a700706067ae7a82357f78ab2513cac99',1,'arm_compute::NEHOGMultiDetection::operator=()'],['../classarm__compute_1_1_n_e_optical_flow.xhtml#a21df3a34e101b1a8f689aa6326b90441',1,'arm_compute::NEOpticalFlow::operator=()'],['../classarm__compute_1_1_tensor.xhtml#a008f5e2a1c019e9b401753210a99ddfe',1,'arm_compute::Tensor::operator=()']]], ['operator_5b_5d',['operator[]',['../classarm__compute_1_1_dimensions.xhtml#a67306b78d448f2ec131a237513572bac',1,'arm_compute::Dimensions::operator[]()'],['../classarm__compute_1_1_window.xhtml#a677b385d536f4f81706f729e9b1c91da',1,'arm_compute::Window::operator[]()']]], ['overflow',['overflow',['../classarm__compute_1_1_i_array.xhtml#afd912c5902331232c8a806fcb2d6eaad',1,'arm_compute::IArray']]], ['program',['Program',['../classarm__compute_1_1_program.xhtml#a611ed2c38431030f24faaaed53eb91b4',1,'arm_compute::Program']]] diff --git a/documentation/search/typedefs_7.js b/documentation/search/typedefs_7.js index 8cecf07df..61d7cc3d2 100644 --- a/documentation/search/typedefs_7.js +++ b/documentation/search/typedefs_7.js @@ -1,8 +1,11 @@ var searchData= [ ['neconvolution3x3kernel',['NEConvolution3x3Kernel',['../namespacearm__compute.xhtml#acf81639b3d33b5da654ef088e4d10520',1,'arm_compute']]], + ['neconvolution5x5',['NEConvolution5x5',['../namespacearm__compute.xhtml#adbc7771d367ba8f51da1450d3602e5c0',1,'arm_compute']]], ['neconvolution5x5kernel',['NEConvolution5x5Kernel',['../namespacearm__compute.xhtml#a21898b2d2e31ab9af8933c66ff82c8c6',1,'arm_compute']]], + ['neconvolution7x7',['NEConvolution7x7',['../namespacearm__compute.xhtml#aeb2682fbeb2766df26b4be1971c9757d',1,'arm_compute']]], ['neconvolution7x7kernel',['NEConvolution7x7Kernel',['../namespacearm__compute.xhtml#ae46cbbe03d31c6c8e7eba7b58999842d',1,'arm_compute']]], + ['neconvolution9x9',['NEConvolution9x9',['../namespacearm__compute.xhtml#ae5a088552f26a1afafd0cbf821d256fb',1,'arm_compute']]], ['neconvolution9x9kernel',['NEConvolution9x9Kernel',['../namespacearm__compute.xhtml#a1025306f820a9e76df7e5891caacff7b',1,'arm_compute']]], ['nescheduler',['NEScheduler',['../namespacearm__compute.xhtml#a9d037379f22f90d871d3fa4ad337437a',1,'arm_compute']]], ['neseparableconvolution5x5horkernel',['NESeparableConvolution5x5HorKernel',['../namespacearm__compute.xhtml#ac78a7593874c21cff86478c1ba6df27b',1,'arm_compute']]], diff --git a/documentation/sobel__filter_8cl.xhtml b/documentation/sobel__filter_8cl.xhtml index 8ab3994cc..eef319a7d 100644 --- a/documentation/sobel__filter_8cl.xhtml +++ b/documentation/sobel__filter_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -1602,7 +1602,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="sobel__filter_8cl.xhtml">sobel_filter.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/sobel__filter_8cl_source.xhtml b/documentation/sobel__filter_8cl_source.xhtml index 3c4a5d3a1..b95106c6c 100644 --- a/documentation/sobel__filter_8cl_source.xhtml +++ b/documentation/sobel__filter_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('sobel__filter_8cl_source.xhtml','');}) <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="sobel__filter_8cl.xhtml">sobel_filter.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/softmax__layer_8cl.xhtml b/documentation/softmax__layer_8cl.xhtml index a736943f3..ee131144a 100644 --- a/documentation/softmax__layer_8cl.xhtml +++ b/documentation/softmax__layer_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -742,7 +742,7 @@ In case the input is not multiple of 16 -DNON_MULTIPLE_OF_16 must be passed.</dd <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="softmax__layer_8cl.xhtml">softmax_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/softmax__layer_8cl_source.xhtml b/documentation/softmax__layer_8cl_source.xhtml index 7b987e81a..91a1d4674 100644 --- a/documentation/softmax__layer_8cl_source.xhtml +++ b/documentation/softmax__layer_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -139,7 +139,7 @@ $(document).ready(function(){initNavTree('softmax__layer_8cl_source.xhtml','');} <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="softmax__layer_8cl.xhtml">softmax_layer.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_coordinates2_d.xhtml b/documentation/struct_coordinates2_d.xhtml index 1bc2e80a3..51ad5c497 100644 --- a/documentation/struct_coordinates2_d.xhtml +++ b/documentation/struct_coordinates2_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -181,7 +181,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_coordinates2_d.xhtml">Coordinates2D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_image.xhtml b/documentation/struct_image.xhtml index aaf493b45..0ef349f2e 100644 --- a/documentation/struct_image.xhtml +++ b/documentation/struct_image.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -178,7 +178,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00097">97</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="absdiff_8cl_source.xhtml#l00050">absdiff()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00041">accumulate()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00112">accumulate_squared()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00076">accumulate_weighted()</a>, <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00059">arithmetic_add()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00104">arithmetic_sub()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00083">bitwise_and()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00149">bitwise_not()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00047">bitwise_or()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00119">bitwise_xor()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00053">channel_combine_RGB888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00127">channel_combine_RGBA8888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00253">channel_combine_UYVY422()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00198">channel_combine_YUYV422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00195">channel_extract_NV12()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00230">channel_extract_NV21()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00043">channel_extract_RGB888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00083">channel_extract_RGBA8888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00158">channel_extract_UYVY422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00122">channel_extract_YUYV422()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, <a class="el" href="canny_8cl_source.xhtml#l00057">combine_gradients_L1()</a>, <a class="el" href="canny_8cl_source.xhtml#l00121">combine_gradients_L2()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00051">convert_depth_down()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00085">convert_depth_up()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00274">convolution5x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00323">convolution7x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00386">convolution9x9_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00238">convolution_separable5x1_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00287">convolution_separable7x1_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00350">convolution_separable9x1_static()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00262">copy_plane()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00155">fast_corners()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00043">gaussian1x5_sub_x()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00105">gemm_transpose1x16_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00041">gemm_transpose1x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00073">gemm_transpose1x8_f16()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00210">harris_score_5x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00341">harris_score_7x7()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00238">hist_border_kernel_fixed()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00068">hist_local_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00178">hist_local_kernel_fixed()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01703">IYUV_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01462">IYUV_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01541">IYUV_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01633">IYUV_to_YUV444_bt709()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00949">NV12_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00410">NV12_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00867">NV12_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01011">NV12_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01285">NV21_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01065">NV21_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01136">NV21_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01219">NV21_to_YUV444_bt709()</a>, <a class="el" href="helpers_8h_source.xhtml#l00201">offset()</a>, <a class="el" href="pixelwise__mul__float_8cl_source.xhtml#l00061">pixelwise_mul_float()</a>, <a class="el" href="pixelwise__mul__int_8cl_source.xhtml#l00060">pixelwise_mul_int()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="remap_8cl_source.xhtml#l00113">remap_bilinear()</a>, <a class="el" href="remap_8cl_source.xhtml#l00059">remap_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00554">RGB888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00325">RGB888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00044">RGB888_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00488">RGB888_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00786">RGBA8888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00702">RGBA8888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00085">RGBA8888_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00642">RGBA8888_to_YUV444_bt709()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00259">sobel_separable1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00442">sobel_separable1x7()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00325">sobel_separable5x1()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00506">sobel_separable7x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00084">tablelookup_S16()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00045">tablelookup_U8()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00044">threshold_binary()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00084">threshold_range()</a>, <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01341">UYVY422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01803">UYVY422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00124">UYVY422_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00172">UYVY422_to_RGBA8888_bt709()</a>, <a class="el" href="helpers_8h_source.xhtml#l00190">vector_offset()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00111">warp_affine_bilinear()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00079">warp_affine_nearest_neighbour()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00119">warp_perspective_bilinear()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00087">warp_perspective_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01402">YUYV422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01754">YUYV422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00221">YUYV422_to_RGB888_bt709()</a>, and <a class="el" href="color__convert_8cl_source.xhtml#l00269">YUYV422_to_RGBA8888_bt709()</a>.</p> +<p>Referenced by <a class="el" href="absdiff_8cl_source.xhtml#l00050">absdiff()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00041">accumulate()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00112">accumulate_squared()</a>, <a class="el" href="accumulate_8cl_source.xhtml#l00076">accumulate_weighted()</a>, <a class="el" href="activation__layer_8cl_source.xhtml#l00046">activation_layer()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00059">arithmetic_add()</a>, <a class="el" href="arithmetic__op_8cl_source.xhtml#l00104">arithmetic_sub()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00083">bitwise_and()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00149">bitwise_not()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00047">bitwise_or()</a>, <a class="el" href="bitwise__op_8cl_source.xhtml#l00119">bitwise_xor()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00317">channel_combine_NV()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00053">channel_combine_RGB888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00127">channel_combine_RGBA8888()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00253">channel_combine_UYVY422()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00198">channel_combine_YUYV422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00195">channel_extract_NV12()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00230">channel_extract_NV21()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00043">channel_extract_RGB888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00083">channel_extract_RGBA8888()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00158">channel_extract_UYVY422()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00122">channel_extract_YUYV422()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, <a class="el" href="canny_8cl_source.xhtml#l00057">combine_gradients_L1()</a>, <a class="el" href="canny_8cl_source.xhtml#l00121">combine_gradients_L2()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00051">convert_depth_down()</a>, <a class="el" href="depth__convert_8cl_source.xhtml#l00085">convert_depth_up()</a>, <a class="el" href="convolution3x3_8cl_source.xhtml#l00123">convolution3x3_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00274">convolution5x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00323">convolution7x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00386">convolution9x9_static()</a>, <a class="el" href="convolution__rectangle_8cl_source.xhtml#l00064">convolution_rectangle()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00205">convolution_separable1x5_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00254">convolution_separable1x7_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00317">convolution_separable1x9_static()</a>, <a class="el" href="convolution5x5_8cl_source.xhtml#l00238">convolution_separable5x1_static()</a>, <a class="el" href="convolution7x7_8cl_source.xhtml#l00287">convolution_separable7x1_static()</a>, <a class="el" href="convolution9x9_8cl_source.xhtml#l00350">convolution_separable9x1_static()</a>, <a class="el" href="channel__extract_8cl_source.xhtml#l00262">copy_plane()</a>, <a class="el" href="channel__combine_8cl_source.xhtml#l00389">copy_planes_3p()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00231">copy_to_keypoint()</a>, <a class="el" href="derivative_8cl_source.xhtml#l00050">derivative()</a>, <a class="el" href="dilate_8cl_source.xhtml#l00041">dilate()</a>, <a class="el" href="erode_8cl_source.xhtml#l00041">erode()</a>, <a class="el" href="fast__corners_8cl_source.xhtml#l00155">fast_corners()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00043">gaussian1x5_sub_x()</a>, <a class="el" href="gaussian__pyramid_8cl_source.xhtml#l00088">gaussian5x1_sub_y()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00178">gemm_interleave4x4_16bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00137">gemm_interleave4x4_32bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00219">gemm_interleave4x4_8bit()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00105">gemm_transpose1x16_u8()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00041">gemm_transpose1x4_f32()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00073">gemm_transpose1x8_f16()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00053">harris_score_3x3()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00210">harris_score_5x5()</a>, <a class="el" href="harris__corners_8cl_source.xhtml#l00341">harris_score_7x7()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00141">hist_border_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00238">hist_border_kernel_fixed()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00068">hist_local_kernel()</a>, <a class="el" href="histogram_8cl_source.xhtml#l00178">hist_local_kernel_fixed()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01703">IYUV_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01462">IYUV_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01541">IYUV_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01633">IYUV_to_YUV444_bt709()</a>, <a class="el" href="magnitude__phase_8cl_source.xhtml#l00131">magnitude_phase()</a>, <a class="el" href="minmaxloc_8cl_source.xhtml#l00123">minmaxloc()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00044">non_linear_filter_box3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00339">non_linear_filter_box5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00099">non_linear_filter_cross3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00387">non_linear_filter_cross5x5()</a>, <a class="el" href="non__linear__filter3x3_8cl_source.xhtml#l00150">non_linear_filter_disk3x3()</a>, <a class="el" href="non__linear__filter5x5_8cl_source.xhtml#l00444">non_linear_filter_disk5x5()</a>, <a class="el" href="nonmax_8cl_source.xhtml#l00041">non_max_suppression()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00949">NV12_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00410">NV12_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00867">NV12_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01011">NV12_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01285">NV21_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01065">NV21_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01136">NV21_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01219">NV21_to_YUV444_bt709()</a>, <a class="el" href="helpers_8h_source.xhtml#l00201">offset()</a>, <a class="el" href="pixelwise__mul__float_8cl_source.xhtml#l00061">pixelwise_mul_float()</a>, <a class="el" href="pixelwise__mul__int_8cl_source.xhtml#l00060">pixelwise_mul_int()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00064">pooling_layer_2()</a>, <a class="el" href="pooling__layer_8cl_source.xhtml#l00118">pooling_layer_3()</a>, <a class="el" href="remap_8cl_source.xhtml#l00113">remap_bilinear()</a>, <a class="el" href="remap_8cl_source.xhtml#l00059">remap_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00554">RGB888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00325">RGB888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00044">RGB888_to_RGBA8888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00488">RGB888_to_YUV444_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00786">RGBA8888_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00702">RGBA8888_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00085">RGBA8888_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00642">RGBA8888_to_YUV444_bt709()</a>, <a class="el" href="scale_8cl_source.xhtml#l00110">scale_bilinear()</a>, <a class="el" href="scale_8cl_source.xhtml#l00076">scale_nearest_neighbour()</a>, <a class="el" href="scharr__filter_8cl_source.xhtml#l00050">scharr3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00054">sobel3x3()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00259">sobel_separable1x5()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00442">sobel_separable1x7()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00325">sobel_separable5x1()</a>, <a class="el" href="sobel__filter_8cl_source.xhtml#l00506">sobel_separable7x1()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00059">softmax_layer_max()</a>, <a class="el" href="softmax__layer_8cl_source.xhtml#l00132">softmax_layer_shift_exp_sum()</a>, <a class="el" href="canny_8cl_source.xhtml#l00191">suppress_non_maximum()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00084">tablelookup_S16()</a>, <a class="el" href="tablelookup_8cl_source.xhtml#l00045">tablelookup_U8()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00044">threshold_binary()</a>, <a class="el" href="threshold_8cl_source.xhtml#l00084">threshold_range()</a>, <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01341">UYVY422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01803">UYVY422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00124">UYVY422_to_RGB888_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00172">UYVY422_to_RGBA8888_bt709()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00111">warp_affine_bilinear()</a>, <a class="el" href="warp__affine_8cl_source.xhtml#l00079">warp_affine_nearest_neighbour()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00119">warp_perspective_bilinear()</a>, <a class="el" href="warp__perspective_8cl_source.xhtml#l00087">warp_perspective_nearest_neighbour()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01402">YUYV422_to_IYUV_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l01754">YUYV422_to_NV12_bt709()</a>, <a class="el" href="color__convert_8cl_source.xhtml#l00221">YUYV422_to_RGB888_bt709()</a>, and <a class="el" href="color__convert_8cl_source.xhtml#l00269">YUYV422_to_RGBA8888_bt709()</a>.</p> </div> </div> @@ -196,7 +196,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00099">99</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, <a class="el" href="helpers_8h_source.xhtml#l00201">offset()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00190">vector_offset()</a>.</p> +<p>Referenced by <a class="el" href="fill__border_8cl_source.xhtml#l00118">fill_image_borders_constant()</a>, <a class="el" href="fill__border_8cl_source.xhtml#l00044">fill_image_borders_replicate()</a>, <a class="el" href="canny_8cl_source.xhtml#l00306">hysteresis()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00105">im2col_generic()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00201">offset()</a>.</p> </div> </div> @@ -227,7 +227,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_image.xhtml">Image</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_internal_keypoint.xhtml b/documentation/struct_internal_keypoint.xhtml index 51b4bc705..7dca461da 100644 --- a/documentation/struct_internal_keypoint.xhtml +++ b/documentation/struct_internal_keypoint.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -217,7 +217,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_internal_keypoint.xhtml">InternalKeypoint</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_keypoint.xhtml b/documentation/struct_keypoint.xhtml index c192d3b8b..60a75fc0b 100644 --- a/documentation/struct_keypoint.xhtml +++ b/documentation/struct_keypoint.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -281,7 +281,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_keypoint.xhtml">Keypoint</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_tensor3_d.xhtml b/documentation/struct_tensor3_d.xhtml index ac7773d66..ecf356a17 100644 --- a/documentation/struct_tensor3_d.xhtml +++ b/documentation/struct_tensor3_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -181,7 +181,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00106">106</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00208">im2col_reduced()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>, <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00203">im2col_reduced()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00059">normalization_layer_cross_map()</a>, <a class="el" href="normalization__layer_8cl_source.xhtml#l00124">normalization_layer_in_map()</a>, <a class="el" href="convolution__layer_8cl_source.xhtml#l00053">reshape_to_columns()</a>, <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>.</p> </div> </div> @@ -199,7 +199,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00108">108</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> </div> </div> @@ -217,7 +217,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00109">109</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> </div> </div> @@ -235,7 +235,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00110">110</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00175">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> +<p>Referenced by <a class="el" href="convolution__layer_8cl_source.xhtml#l00170">col2im()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00213">tensor3D_offset()</a>.</p> </div> </div> @@ -248,7 +248,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_tensor3_d.xhtml">Tensor3D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/struct_vector.xhtml b/documentation/struct_vector.xhtml index 7e64e91ab..56f104f62 100644 --- a/documentation/struct_vector.xhtml +++ b/documentation/struct_vector.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -175,7 +175,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00089">89</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00122">update_vector_workitem_ptr()</a>.</p> +<p>Referenced by <a class="el" href="gemm_8cl_source.xhtml#l00290">gemm_accumulate_biases_f16()</a>, <a class="el" href="gemm_8cl_source.xhtml#l00262">gemm_accumulate_biases_f32()</a>, <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00122">update_vector_workitem_ptr()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00190">vector_offset()</a>.</p> </div> </div> @@ -193,7 +193,7 @@ Data Fields</h2></td></tr> <p>Definition at line <a class="el" href="helpers_8h_source.xhtml#l00091">91</a> of file <a class="el" href="helpers_8h_source.xhtml">helpers.h</a>.</p> -<p>Referenced by <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00122">update_vector_workitem_ptr()</a>.</p> +<p>Referenced by <a class="el" href="helpers_8h_source.xhtml#l00145">update_image_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00171">update_tensor3D_workitem_ptr()</a>, <a class="el" href="helpers_8h_source.xhtml#l00122">update_vector_workitem_ptr()</a>, and <a class="el" href="helpers_8h_source.xhtml#l00190">vector_offset()</a>.</p> </div> </div> @@ -206,7 +206,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="struct_vector.xhtml">Vector</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_border_size.xhtml b/documentation/structarm__compute_1_1_border_size.xhtml index eed00c5eb..9747d34de 100644 --- a/documentation/structarm__compute_1_1_border_size.xhtml +++ b/documentation/structarm__compute_1_1_border_size.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Container for 2D border size. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00116">116</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00129">129</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="ae97b3d4d063ade0ef4bdf5be1f135881"></a> <div class="memitem"> @@ -192,11 +192,11 @@ Data Fields</h2></td></tr> <p>Empty border, i.e. </p> <p>no border </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00119">119</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00120"></a><span class="lineno"> 120</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ 0 }</div><div class="line"><a name="l00121"></a><span class="lineno"> 121</span>  {</div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00132">132</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ 0 }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ 0 }</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  {</div><div class="line"><a name="l00135"></a><span class="lineno"> 135</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -224,11 +224,11 @@ Data Fields</h2></td></tr> <p>Border with equal size around the 2D plane. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00125">125</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ size }</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  {</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00138">138</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ size }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ size }</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  {</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -266,11 +266,11 @@ Data Fields</h2></td></tr> <p>Border with same size for top/bottom and left/right. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00131">131</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ top_bottom }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ left_right }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ top_bottom }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ left_right }</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  {</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00144">144</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ top_bottom }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ left_right }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ top_bottom }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ left_right }</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -320,11 +320,11 @@ Data Fields</h2></td></tr> <p>Border with different sizes. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00137">137</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00138"></a><span class="lineno"> 138</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> }</div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  {</div><div class="line"><a name="l00140"></a><span class="lineno"> 140</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00150">150</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  : <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> }, <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>{ <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> }</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  {</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -352,13 +352,13 @@ Data Fields</h2></td></tr> <p>Check if the entire border is zero. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00143">143</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00156">156</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> <p>Referenced by <a class="el" href="_tensor_info_8h_source.xhtml#l00295">TensorInfo::has_padding()</a>.</p> -<div class="fragment"><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  {</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> == 0;</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<div class="fragment"><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  {</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> == 0 && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> == 0;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -384,8 +384,8 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00164">164</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  {</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">BorderSize</a> size = *<span class="keyword">this</span>;</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  size *= scale;</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span> </div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="keywordflow">return</span> size;</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ae97b3d4d063ade0ef4bdf5be1f135881"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize()</div><div class="ttdoc">Empty border, i.e. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00119">Types.h:119</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00177">177</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  {</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">BorderSize</a> size = *<span class="keyword">this</span>;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  size *= scale;</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> </div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <span class="keywordflow">return</span> size;</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_ae97b3d4d063ade0ef4bdf5be1f135881"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#ae97b3d4d063ade0ef4bdf5be1f135881">arm_compute::BorderSize::BorderSize</a></div><div class="ttdeci">constexpr BorderSize()</div><div class="ttdoc">Empty border, i.e. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00132">Types.h:132</a></div></div> </div><!-- fragment --> </div> </div> @@ -411,11 +411,11 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00154">154</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  {</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> *= scale;</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> *= scale;</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> *= scale;</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> *= scale;</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span> </div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <span class="keywordflow">return</span> *<span class="keyword">this</span>;</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00167">167</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  {</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> *= scale;</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> *= scale;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> *= scale;</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a> *= scale;</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <span class="keywordflow">return</span> *<span class="keyword">this</span>;</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -442,11 +442,11 @@ Data Fields</h2></td></tr> <p>Check if the border is the same size on all sides. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00149">149</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  {</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> && top == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>;</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00172">Types.h:172</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00174">Types.h:174</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00175">Types.h:175</a></div></div> -<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00173">Types.h:173</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00162">162</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  {</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">right</a> && <a class="code" href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">top</a> == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">bottom</a> && top == <a class="code" href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">left</a>;</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  }</div><div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a3fdd42ea34070a54e696b3adc28c4be3"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a3fdd42ea34070a54e696b3adc28c4be3">arm_compute::BorderSize::top</a></div><div class="ttdeci">unsigned int top</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00185">Types.h:185</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a802ffcf1b49237efe5be8a314d3f3869"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a802ffcf1b49237efe5be8a314d3f3869">arm_compute::BorderSize::bottom</a></div><div class="ttdeci">unsigned int bottom</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00187">Types.h:187</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a05374b750b0fc472c34ee61e6f028bba"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a05374b750b0fc472c34ee61e6f028bba">arm_compute::BorderSize::left</a></div><div class="ttdeci">unsigned int left</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00188">Types.h:188</a></div></div> +<div class="ttc" id="structarm__compute_1_1_border_size_xhtml_a78b0fed184c642b78f32fd34b228a5f9"><div class="ttname"><a href="structarm__compute_1_1_border_size.xhtml#a78b0fed184c642b78f32fd34b228a5f9">arm_compute::BorderSize::right</a></div><div class="ttdeci">unsigned int right</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00186">Types.h:186</a></div></div> </div><!-- fragment --> </div> </div> @@ -461,7 +461,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00174">174</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00187">187</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -475,7 +475,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00175">175</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00188">188</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -489,7 +489,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00173">173</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00186">186</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -503,7 +503,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00172">172</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00185">185</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -516,7 +516,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_border_size.xhtml">BorderSize</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_c_l_coefficient_table.xhtml b/documentation/structarm__compute_1_1_c_l_coefficient_table.xhtml index f0f27ca10..1f0eb01c7 100644 --- a/documentation/structarm__compute_1_1_c_l_coefficient_table.xhtml +++ b/documentation/structarm__compute_1_1_c_l_coefficient_table.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -219,7 +219,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_c_l_coefficient_table.xhtml">CLCoefficientTable</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml b/documentation/structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml index c32660858..5a6e118d0 100644 --- a/documentation/structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml +++ b/documentation/structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -219,7 +219,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml">CLLKInternalKeypoint</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_c_l_old_value.xhtml b/documentation/structarm__compute_1_1_c_l_old_value.xhtml index 6166ebc97..e0802dcb8 100644 --- a/documentation/structarm__compute_1_1_c_l_old_value.xhtml +++ b/documentation/structarm__compute_1_1_c_l_old_value.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -219,7 +219,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_c_l_old_value.xhtml">CLOldValue</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_coordinates2_d.xhtml b/documentation/structarm__compute_1_1_coordinates2_d.xhtml index b4cf424be..124bb5563 100644 --- a/documentation/structarm__compute_1_1_coordinates2_d.xhtml +++ b/documentation/structarm__compute_1_1_coordinates2_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -138,7 +138,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Coordinate type. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00265">265</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00278">278</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="af6d3062751bd565decb1a2cd3b63bdb2"></a> <div class="memitem"> @@ -152,7 +152,7 @@ Data Fields</h2></td></tr> <p>X coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00267">267</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00280">280</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -168,7 +168,7 @@ Data Fields</h2></td></tr> <p>Y coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00268">268</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00281">281</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -181,7 +181,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_coordinates2_d.xhtml">Coordinates2D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_coordinates3_d.xhtml b/documentation/structarm__compute_1_1_coordinates3_d.xhtml index b320b8fe6..25a168821 100644 --- a/documentation/structarm__compute_1_1_coordinates3_d.xhtml +++ b/documentation/structarm__compute_1_1_coordinates3_d.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -141,7 +141,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>Coordinate type. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00272">272</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00285">285</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="aae8a40a17c0be29c1f06ca6b4f9e2235"></a> <div class="memitem"> @@ -155,7 +155,7 @@ Data Fields</h2></td></tr> <p>X coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00274">274</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00287">287</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -171,7 +171,7 @@ Data Fields</h2></td></tr> <p>Y coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00275">275</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00288">288</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -187,7 +187,7 @@ Data Fields</h2></td></tr> <p>Z coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00276">276</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00289">289</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -200,7 +200,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_coordinates3_d.xhtml">Coordinates3D</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_detection_window.xhtml b/documentation/structarm__compute_1_1_detection_window.xhtml index 9d0656acd..d3b38ceea 100644 --- a/documentation/structarm__compute_1_1_detection_window.xhtml +++ b/documentation/structarm__compute_1_1_detection_window.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -156,7 +156,7 @@ Data Fields</h2></td></tr> <li>Confidence value (score) obtained with the classifier </li> </ol> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00335">335</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00348">348</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="a81c9f8d0b8c3b49d770be14dbe9f0d37"></a> <div class="memitem"> @@ -170,9 +170,9 @@ Data Fields</h2></td></tr> <p>Height of the detection window. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00340">340</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00353">353</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>.</p> </div> </div> @@ -188,7 +188,7 @@ Data Fields</h2></td></tr> <p>Index of the class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00341">341</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00354">354</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -204,7 +204,7 @@ Data Fields</h2></td></tr> <p>Confidence value for the detection window. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00342">342</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00355">355</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -220,9 +220,9 @@ Data Fields</h2></td></tr> <p>Width of the detection window. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00339">339</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00352">352</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>.</p> </div> </div> @@ -238,9 +238,9 @@ Data Fields</h2></td></tr> <p>Top-left x coordinate. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00337">337</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00350">350</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>.</p> </div> </div> @@ -256,9 +256,9 @@ Data Fields</h2></td></tr> <p>Top-left y coordinate. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00338">338</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00351">351</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00099">test_helpers::draw_detection_rectangle()</a>.</p> +<p>Referenced by <a class="el" href="_utils_8cpp_source.xhtml#l00101">test_helpers::draw_detection_rectangle()</a>.</p> </div> </div> @@ -271,7 +271,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_i_o_format_info.xhtml b/documentation/structarm__compute_1_1_i_o_format_info.xhtml index 98de3a01e..2fd6d8396 100644 --- a/documentation/structarm__compute_1_1_i_o_format_info.xhtml +++ b/documentation/structarm__compute_1_1_i_o_format_info.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -166,7 +166,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p>IO formatting information class. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00534">534</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00547">547</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Member Enumeration Documentation</h2> <a class="anchor" id="a36c28b28da4e04d698d6b598fb1eaca6"></a> <div class="memitem"> @@ -199,8 +199,8 @@ Data Fields</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00537">537</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00538"></a><span class="lineno"> 538</span>  {</div><div class="line"><a name="l00539"></a><span class="lineno"> 539</span>  Default, </div><div class="line"><a name="l00540"></a><span class="lineno"> 540</span>  Custom, </div><div class="line"><a name="l00541"></a><span class="lineno"> 541</span>  Full </div><div class="line"><a name="l00542"></a><span class="lineno"> 542</span>  };</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00550">550</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00551"></a><span class="lineno"> 551</span>  {</div><div class="line"><a name="l00552"></a><span class="lineno"> 552</span>  Default, </div><div class="line"><a name="l00553"></a><span class="lineno"> 553</span>  Custom, </div><div class="line"><a name="l00554"></a><span class="lineno"> 554</span>  Full </div><div class="line"><a name="l00555"></a><span class="lineno"> 555</span>  };</div></div><!-- fragment --> </div> </div> <a class="anchor" id="ae283722f31a4c59039f9abd44f10dbd0"></a> @@ -234,8 +234,8 @@ Data Fields</h2></td></tr> </td></tr> </table> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00545">545</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00546"></a><span class="lineno"> 546</span>  {</div><div class="line"><a name="l00547"></a><span class="lineno"> 547</span>  ValidRegion, </div><div class="line"><a name="l00548"></a><span class="lineno"> 548</span>  NoPadding, </div><div class="line"><a name="l00549"></a><span class="lineno"> 549</span>  Full </div><div class="line"><a name="l00550"></a><span class="lineno"> 550</span>  };</div></div><!-- fragment --> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00558">558</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  {</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span>  ValidRegion, </div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  NoPadding, </div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  Full </div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  };</div></div><!-- fragment --> </div> </div> <h2 class="groupheader">Constructor & Destructor Documentation</h2> @@ -295,13 +295,13 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00552">552</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00558"></a><span class="lineno"> 558</span>  : <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>),</div><div class="line"><a name="l00559"></a><span class="lineno"> 559</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>),</div><div class="line"><a name="l00560"></a><span class="lineno"> 560</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>),</div><div class="line"><a name="l00561"></a><span class="lineno"> 561</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>),</div><div class="line"><a name="l00562"></a><span class="lineno"> 562</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>),</div><div class="line"><a name="l00563"></a><span class="lineno"> 563</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>)</div><div class="line"><a name="l00564"></a><span class="lineno"> 564</span>  {</div><div class="line"><a name="l00565"></a><span class="lineno"> 565</span>  }</div><div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ad53ff460a7430f45c22b27aad707e41f"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">arm_compute::IOFormatInfo::precision_type</a></div><div class="ttdeci">PrecisionType precision_type</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00568">Types.h:568</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1fba9343eade93326cb985cfcb6de487"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">arm_compute::IOFormatInfo::precision</a></div><div class="ttdeci">unsigned int precision</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00569">Types.h:569</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a3e3b8af91d2afbfeed14560f2070fd50"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">arm_compute::IOFormatInfo::print_region</a></div><div class="ttdeci">PrintRegion print_region</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00567">Types.h:567</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ab1a3e6cb2768124a6853f52bd0e10596"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">arm_compute::IOFormatInfo::row_delim</a></div><div class="ttdeci">std::string row_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00571">Types.h:571</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1d81fe110d5dcac79dd73a532015bb94"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">arm_compute::IOFormatInfo::align_columns</a></div><div class="ttdeci">bool align_columns</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00572">Types.h:572</a></div></div> -<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a38c5b617ead74af00cc7957553bd0d66"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">arm_compute::IOFormatInfo::element_delim</a></div><div class="ttdeci">std::string element_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00570">Types.h:570</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00565">565</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00571"></a><span class="lineno"> 571</span>  : <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">print_region</a>),</div><div class="line"><a name="l00572"></a><span class="lineno"> 572</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">precision_type</a>),</div><div class="line"><a name="l00573"></a><span class="lineno"> 573</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">precision</a>),</div><div class="line"><a name="l00574"></a><span class="lineno"> 574</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">element_delim</a>),</div><div class="line"><a name="l00575"></a><span class="lineno"> 575</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">row_delim</a>),</div><div class="line"><a name="l00576"></a><span class="lineno"> 576</span>  <a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>(<a class="code" href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">align_columns</a>)</div><div class="line"><a name="l00577"></a><span class="lineno"> 577</span>  {</div><div class="line"><a name="l00578"></a><span class="lineno"> 578</span>  }</div><div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ad53ff460a7430f45c22b27aad707e41f"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ad53ff460a7430f45c22b27aad707e41f">arm_compute::IOFormatInfo::precision_type</a></div><div class="ttdeci">PrecisionType precision_type</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00581">Types.h:581</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1fba9343eade93326cb985cfcb6de487"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1fba9343eade93326cb985cfcb6de487">arm_compute::IOFormatInfo::precision</a></div><div class="ttdeci">unsigned int precision</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00582">Types.h:582</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a3e3b8af91d2afbfeed14560f2070fd50"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a3e3b8af91d2afbfeed14560f2070fd50">arm_compute::IOFormatInfo::print_region</a></div><div class="ttdeci">PrintRegion print_region</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00580">Types.h:580</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_ab1a3e6cb2768124a6853f52bd0e10596"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#ab1a3e6cb2768124a6853f52bd0e10596">arm_compute::IOFormatInfo::row_delim</a></div><div class="ttdeci">std::string row_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00584">Types.h:584</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a1d81fe110d5dcac79dd73a532015bb94"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a1d81fe110d5dcac79dd73a532015bb94">arm_compute::IOFormatInfo::align_columns</a></div><div class="ttdeci">bool align_columns</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00585">Types.h:585</a></div></div> +<div class="ttc" id="structarm__compute_1_1_i_o_format_info_xhtml_a38c5b617ead74af00cc7957553bd0d66"><div class="ttname"><a href="structarm__compute_1_1_i_o_format_info.xhtml#a38c5b617ead74af00cc7957553bd0d66">arm_compute::IOFormatInfo::element_delim</a></div><div class="ttdeci">std::string element_delim</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00583">Types.h:583</a></div></div> </div><!-- fragment --> </div> </div> @@ -316,7 +316,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00572">572</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00585">585</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -330,7 +330,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00570">570</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00583">583</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -344,7 +344,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00569">569</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00582">582</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -358,7 +358,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00568">568</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00581">581</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -372,7 +372,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00567">567</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00580">580</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -386,7 +386,7 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00571">571</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00584">584</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -399,7 +399,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_i_o_format_info.xhtml">IOFormatInfo</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_key_point.xhtml b/documentation/structarm__compute_1_1_key_point.xhtml index 52f0d5a44..71e27494e 100644 --- a/documentation/structarm__compute_1_1_key_point.xhtml +++ b/documentation/structarm__compute_1_1_key_point.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -153,7 +153,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p><a class="el" href="struct_keypoint.xhtml">Keypoint</a> type. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00242">242</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00255">255</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="a7cfd13d282af770aaa971755fa092fca"></a> <div class="memitem"> @@ -167,7 +167,7 @@ Data Fields</h2></td></tr> <p>Tracking error initialized to 0 by the corner detector. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00250">250</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00263">263</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -183,7 +183,7 @@ Data Fields</h2></td></tr> <p>Orientation initialized to 0 by the corner detector. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00248">248</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00261">261</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -199,7 +199,7 @@ Data Fields</h2></td></tr> <p>Scale initialized to 0 by the corner detector. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00247">247</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00260">260</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -215,7 +215,7 @@ Data Fields</h2></td></tr> <p>Strength of the point. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00246">246</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00259">259</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -231,7 +231,7 @@ Data Fields</h2></td></tr> <p>Status initialized to 1 by the corner detector, set to 0 when the point is lost. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00249">249</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00262">262</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -247,7 +247,7 @@ Data Fields</h2></td></tr> <p>X coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00244">244</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00257">257</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -263,7 +263,7 @@ Data Fields</h2></td></tr> <p>Y coordinates. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00245">245</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00258">258</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -276,7 +276,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_key_point.xhtml">KeyPoint</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml b/documentation/structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml index 17de62340..7373c43ed 100644 --- a/documentation/structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml +++ b/documentation/structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -200,7 +200,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_n_e_l_k_internal_keypoint.xhtml">NELKInternalKeypoint</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_rectangle.xhtml b/documentation/structarm__compute_1_1_rectangle.xhtml index a944c641f..6bd2d31cb 100644 --- a/documentation/structarm__compute_1_1_rectangle.xhtml +++ b/documentation/structarm__compute_1_1_rectangle.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -144,7 +144,7 @@ Data Fields</h2></td></tr> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"><p><a class="el" href="structarm__compute_1_1_rectangle.xhtml" title="Rectangle type. ">Rectangle</a> type. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00256">256</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00269">269</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="a81c9f8d0b8c3b49d770be14dbe9f0d37"></a> <div class="memitem"> @@ -158,7 +158,7 @@ Data Fields</h2></td></tr> <p>Height of the rectangle. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00261">261</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00274">274</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -174,7 +174,7 @@ Data Fields</h2></td></tr> <p>Width of the rectangle. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00260">260</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00273">273</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -190,7 +190,7 @@ Data Fields</h2></td></tr> <p>Top-left x coordinate. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00258">258</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00271">271</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -206,7 +206,7 @@ Data Fields</h2></td></tr> <p>Top-left y coordinate. </p> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00259">259</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00272">272</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div> </div> @@ -219,7 +219,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_rectangle.xhtml">Rectangle</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/structarm__compute_1_1_valid_region.js b/documentation/structarm__compute_1_1_valid_region.js index 744c4bce4..e0a599d1a 100644 --- a/documentation/structarm__compute_1_1_valid_region.js +++ b/documentation/structarm__compute_1_1_valid_region.js @@ -5,8 +5,10 @@ var structarm__compute_1_1_valid_region = [ "ValidRegion", "structarm__compute_1_1_valid_region.xhtml#a0147a2fe0634bb9caa4454f60525592e", null ], [ "~ValidRegion", "structarm__compute_1_1_valid_region.xhtml#a79da8c24f26e8107822842a008b3fc76", null ], [ "ValidRegion", "structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193", null ], + [ "end", "structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620", null ], [ "operator=", "structarm__compute_1_1_valid_region.xhtml#aa2c515476ae6f0e68d097df16d1fcc6b", null ], [ "operator=", "structarm__compute_1_1_valid_region.xhtml#aee2d91caa7e213cece8c633926cff9c2", null ], + [ "start", "structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed", null ], [ "anchor", "structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7", null ], [ "shape", "structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8", null ] ];
\ No newline at end of file diff --git a/documentation/structarm__compute_1_1_valid_region.xhtml b/documentation/structarm__compute_1_1_valid_region.xhtml index 3d8a419f9..cbc14740d 100644 --- a/documentation/structarm__compute_1_1_valid_region.xhtml +++ b/documentation/structarm__compute_1_1_valid_region.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -146,6 +146,12 @@ Public Member Functions</h2></td></tr> <tr class="separator:a79da8c24f26e8107822842a008b3fc76"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a2ad28e7a7acce236704af749d1842193"><td class="memItemLeft" align="right" valign="top"> </td><td class="memItemRight" valign="bottom"><a class="el" href="structarm__compute_1_1_valid_region.xhtml#a2ad28e7a7acce236704af749d1842193">ValidRegion</a> (<a class="el" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> <a class="el" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>, <a class="el" href="classarm__compute_1_1_tensor_shape.xhtml">TensorShape</a> <a class="el" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>)</td></tr> <tr class="separator:a2ad28e7a7acce236704af749d1842193"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:aec54a7ff1ca347fdda25821cfb8fd0ed"><td class="memItemLeft" align="right" valign="top">int </td><td class="memItemRight" valign="bottom"><a class="el" href="structarm__compute_1_1_valid_region.xhtml#aec54a7ff1ca347fdda25821cfb8fd0ed">start</a> (unsigned int d) const </td></tr> +<tr class="memdesc:aec54a7ff1ca347fdda25821cfb8fd0ed"><td class="mdescLeft"> </td><td class="mdescRight">Return the start of the valid region for the given dimension <code>d</code>. <a href="#aec54a7ff1ca347fdda25821cfb8fd0ed">More...</a><br /></td></tr> +<tr class="separator:aec54a7ff1ca347fdda25821cfb8fd0ed"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:adc8388028db66f138de6b1aca27ad620"><td class="memItemLeft" align="right" valign="top">int </td><td class="memItemRight" valign="bottom"><a class="el" href="structarm__compute_1_1_valid_region.xhtml#adc8388028db66f138de6b1aca27ad620">end</a> (unsigned int d) const </td></tr> +<tr class="memdesc:adc8388028db66f138de6b1aca27ad620"><td class="mdescLeft"> </td><td class="mdescRight">Return the end of the valid region for the given dimension <code>d</code>. <a href="#adc8388028db66f138de6b1aca27ad620">More...</a><br /></td></tr> +<tr class="separator:adc8388028db66f138de6b1aca27ad620"><td class="memSeparator" colspan="2"> </td></tr> </table><table class="memberdecls"> <tr class="heading"><td colspan="2"><h2 class="groupheader"><a name="pub-attribs"></a> Data Fields</h2></td></tr> @@ -156,7 +162,7 @@ Data Fields</h2></td></tr> </table> <a name="details" id="details"></a><h2 class="groupheader">Detailed Description</h2> <div class="textblock"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00085">85</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00086">86</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> </div><h2 class="groupheader">Constructor & Destructor Documentation</h2> <a class="anchor" id="a77ef520daabfab023d01732f24101c6e"></a> <div class="memitem"> @@ -179,9 +185,9 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00087">87</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  : <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>{}, <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>{}</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  {</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00104">Types.h:104</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00103">Types.h:103</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00088">88</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  : <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>{}, <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>{}</div><div class="line"><a name="l00090"></a><span class="lineno"> 90</span>  {</div><div class="line"><a name="l00091"></a><span class="lineno"> 91</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00117">Types.h:117</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> </div><!-- fragment --> </div> </div> @@ -288,13 +294,43 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00098">98</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<div class="fragment"><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  : <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>{ <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a> }, <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>{ <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a> }</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  {</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00104">Types.h:104</a></div></div> -<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00103">Types.h:103</a></div></div> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00099">99</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  : <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>{ <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a> }, <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>{ <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a> }</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  {</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00117">Types.h:117</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> </div><!-- fragment --> </div> </div> <h2 class="groupheader">Member Function Documentation</h2> +<a class="anchor" id="adc8388028db66f138de6b1aca27ad620"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">int end </td> + <td>(</td> + <td class="paramtype">unsigned int </td> + <td class="paramname"><em>d</em></td><td>)</td> + <td> const</td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">inline</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +<p>Return the end of the valid region for the given dimension <code>d</code>. </p> + +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00111">111</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00112"></a><span class="lineno"> 112</span>  {</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>[d] + <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">shape</a>[d];</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a1fcd64682b37ed3c2098d0094ce788d8"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a1fcd64682b37ed3c2098d0094ce788d8">arm_compute::ValidRegion::shape</a></div><div class="ttdeci">TensorShape shape</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00117">Types.h:117</a></div></div> +<div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +</div><!-- fragment --> +</div> +</div> <a class="anchor" id="aa2c515476ae6f0e68d097df16d1fcc6b"></a> <div class="memitem"> <div class="memproto"> @@ -343,6 +379,35 @@ Data Fields</h2></td></tr> </div> </div> +<a class="anchor" id="aec54a7ff1ca347fdda25821cfb8fd0ed"></a> +<div class="memitem"> +<div class="memproto"> +<table class="mlabels"> + <tr> + <td class="mlabels-left"> + <table class="memname"> + <tr> + <td class="memname">int start </td> + <td>(</td> + <td class="paramtype">unsigned int </td> + <td class="paramname"><em>d</em></td><td>)</td> + <td> const</td> + </tr> + </table> + </td> + <td class="mlabels-right"> +<span class="mlabels"><span class="mlabel">inline</span></span> </td> + </tr> +</table> +</div><div class="memdoc"> + +<p>Return the start of the valid region for the given dimension <code>d</code>. </p> + +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00105">105</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<div class="fragment"><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  {</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">return</span> <a class="code" href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">anchor</a>[d];</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  }</div><div class="ttc" id="structarm__compute_1_1_valid_region_xhtml_a55a69b397082accd94221dd10b722cf7"><div class="ttname"><a href="structarm__compute_1_1_valid_region.xhtml#a55a69b397082accd94221dd10b722cf7">arm_compute::ValidRegion::anchor</a></div><div class="ttdeci">Coordinates anchor</div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00116">Types.h:116</a></div></div> +</div><!-- fragment --> +</div> +</div> <h2 class="groupheader">Field Documentation</h2> <a class="anchor" id="a55a69b397082accd94221dd10b722cf7"></a> <div class="memitem"> @@ -354,9 +419,9 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00103">103</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00116">116</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00344">arm_compute::intersect_valid_regions()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00357">arm_compute::intersect_valid_regions()</a>.</p> </div> </div> @@ -370,9 +435,9 @@ Data Fields</h2></td></tr> </table> </div><div class="memdoc"> -<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00104">104</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> +<p>Definition at line <a class="el" href="_types_8h_source.xhtml#l00117">117</a> of file <a class="el" href="_types_8h_source.xhtml">Types.h</a>.</p> -<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00344">arm_compute::intersect_valid_regions()</a>.</p> +<p>Referenced by <a class="el" href="_helpers_8h_source.xhtml#l00357">arm_compute::intersect_valid_regions()</a>.</p> </div> </div> @@ -385,7 +450,7 @@ Data Fields</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="namespacearm__compute.xhtml">arm_compute</a></li><li class="navelem"><a class="el" href="structarm__compute_1_1_valid_region.xhtml">ValidRegion</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:06 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:05 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/tablelookup_8cl.xhtml b/documentation/tablelookup_8cl.xhtml index a7e2d102f..babf45ccd 100644 --- a/documentation/tablelookup_8cl.xhtml +++ b/documentation/tablelookup_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -393,7 +393,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="tablelookup_8cl.xhtml">tablelookup.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/tablelookup_8cl_source.xhtml b/documentation/tablelookup_8cl_source.xhtml index a48a00442..dd02d24f5 100644 --- a/documentation/tablelookup_8cl_source.xhtml +++ b/documentation/tablelookup_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('tablelookup_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="tablelookup_8cl.xhtml">tablelookup.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/test__helpers_2_utils_8h.js b/documentation/test__helpers_2_utils_8h.js index 43aa9c4f7..d141185e3 100644 --- a/documentation/test__helpers_2_utils_8h.js +++ b/documentation/test__helpers_2_utils_8h.js @@ -2,7 +2,7 @@ var test__helpers_2_utils_8h = [ [ "PPMLoader", "classtest__helpers_1_1_p_p_m_loader.xhtml", "classtest__helpers_1_1_p_p_m_loader" ], [ "example", "test__helpers_2_utils_8h.xhtml#a27e6364d61a5b27447d27337aa182cad", null ], - [ "draw_detection_rectangle", "test__helpers_2_utils_8h.xhtml#a35367e474c33789a32cab099884301e0", null ], + [ "draw_detection_rectangle", "test__helpers_2_utils_8h.xhtml#ad1b5373f466a3945e1f0ef1c9943c357", null ], [ "parse_ppm_header", "test__helpers_2_utils_8h.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf", null ], [ "run_example", "test__helpers_2_utils_8h.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e", null ], [ "save_to_ppm", "test__helpers_2_utils_8h.xhtml#a5036a1b77bd7223a68954b5078c6545a", null ] diff --git a/documentation/test__helpers_2_utils_8h.xhtml b/documentation/test__helpers_2_utils_8h.xhtml index 05ef24fe2..f930b4d9f 100644 --- a/documentation/test__helpers_2_utils_8h.xhtml +++ b/documentation/test__helpers_2_utils_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -157,9 +157,9 @@ Functions</h2></td></tr> <tr class="memitem:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="memItemLeft" align="right" valign="top">int </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">run_example</a> (int argc, const char **argv, example &func)</td></tr> <tr class="memdesc:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="mdescLeft"> </td><td class="mdescRight">Run an example and handle the potential exceptions it throws. <a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">More...</a><br /></td></tr> <tr class="separator:a4c9395db2c8b8d0c336656a7b58fca3e"><td class="memSeparator" colspan="2"> </td></tr> -<tr class="memitem:a35367e474c33789a32cab099884301e0"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">draw_detection_rectangle</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</td></tr> -<tr class="memdesc:a35367e474c33789a32cab099884301e0"><td class="mdescLeft"> </td><td class="mdescRight">Draw a RGB rectangular window for the detected object. <a href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">More...</a><br /></td></tr> -<tr class="separator:a35367e474c33789a32cab099884301e0"><td class="memSeparator" colspan="2"> </td></tr> +<tr class="memitem:ad1b5373f466a3945e1f0ef1c9943c357"><td class="memItemLeft" align="right" valign="top">void </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">draw_detection_rectangle</a> (<a class="el" href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a> *tensor, const <a class="el" href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b)</td></tr> +<tr class="memdesc:ad1b5373f466a3945e1f0ef1c9943c357"><td class="mdescLeft"> </td><td class="mdescRight">Draw a RGB rectangular window for the detected object. <a href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">More...</a><br /></td></tr> +<tr class="separator:ad1b5373f466a3945e1f0ef1c9943c357"><td class="memSeparator" colspan="2"> </td></tr> <tr class="memitem:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="memItemLeft" align="right" valign="top">std::tuple< unsigned int, unsigned int, int > </td><td class="memItemRight" valign="bottom"><a class="el" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a> (std::ifstream &fs)</td></tr> <tr class="memdesc:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="mdescLeft"> </td><td class="mdescRight">Parse the ppm header from an input file stream. <a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">More...</a><br /></td></tr> <tr class="separator:a3aa8f5f1b94f88fdf5b43a53e29379cf"><td class="memSeparator" colspan="2"> </td></tr> @@ -174,7 +174,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li><li class="navelem"><a class="el" href="test__helpers_2_utils_8h.xhtml">Utils.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/test__helpers_2_utils_8h_source.xhtml b/documentation/test__helpers_2_utils_8h_source.xhtml index c210b6d53..aa1a6c756 100644 --- a/documentation/test__helpers_2_utils_8h_source.xhtml +++ b/documentation/test__helpers_2_utils_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -116,45 +116,44 @@ $(document).ready(function(){initNavTree('test__helpers_2_utils_8h_source.xhtml' <div class="title">Utils.h</div> </div> </div><!--header--> <div class="contents"> -<a href="test__helpers_2_utils_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __TESTHELPERS_UTILS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __TESTHELPERS_UTILS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_helpers_8h.xhtml">arm_compute/core/Helpers.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_8h.xhtml">arm_compute/core/ITensor.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_validate_8h.xhtml">arm_compute/core/Validate.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <cstdlib></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <cstring></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include <fstream></span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="preprocessor">#include <iostream></span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"> 43</span> <span class="keyword">using namespace </span><a class="code" href="namespacearm__compute.xhtml">arm_compute</a>;</div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> </div><div class="line"><a name="l00045"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml"> 45</a></span> <span class="keyword">namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="line"><a name="l00046"></a><span class="lineno"> 46</span> {</div><div class="line"><a name="l00052"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad"> 52</a></span> <span class="keyword">using</span> <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> = void(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv);</div><div class="line"><a name="l00053"></a><span class="lineno"> 53</span> </div><div class="line"><a name="l00060"></a><span class="lineno"> 60</span> <span class="keywordtype">int</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">run_example</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv, <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> &func);</div><div class="line"><a name="l00061"></a><span class="lineno"> 61</span> </div><div class="line"><a name="l00070"></a><span class="lineno"> 70</span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">draw_detection_rectangle</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_detection_window.xhtml">DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b);</div><div class="line"><a name="l00071"></a><span class="lineno"> 71</span> </div><div class="line"><a name="l00079"></a><span class="lineno"> 79</span> std::tuple<unsigned int, unsigned int, int> <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(std::ifstream &fs);</div><div class="line"><a name="l00080"></a><span class="lineno"> 80</span> </div><div class="line"><a name="l00083"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml"> 83</a></span> <span class="keyword">class </span><a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a></div><div class="line"><a name="l00084"></a><span class="lineno"> 84</span> {</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00086"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c"> 86</a></span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c">PPMLoader</a>()</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  : _fs(), _width(0), _height(0)</div><div class="line"><a name="l00088"></a><span class="lineno"> 88</span>  {</div><div class="line"><a name="l00089"></a><span class="lineno"> 89</span>  }</div><div class="line"><a name="l00094"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed"> 94</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(<span class="keyword">const</span> std::string &ppm_filename)</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  {</div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(is_open());</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  {</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span>  _fs.exceptions(std::ifstream::failbit | std::ifstream::badbit);</div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  _fs.open(ppm_filename, std::ios::in | std::ios::binary);</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span> </div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  std::tie(_width, _height, max_val) = <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(_fs);</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span> </div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(max_val >= 256, <span class="stringliteral">"2 bytes per colour channel not supported in file %s"</span>, ppm_filename.c_str());</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  }</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  {</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Accessing %s: %s"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00110"></a><span class="lineno"> 110</span>  }</div><div class="line"><a name="l00111"></a><span class="lineno"> 111</span>  }</div><div class="line"><a name="l00114"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a"> 114</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>()</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  {</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span>  <span class="keywordflow">return</span> _fs.is_open();</div><div class="line"><a name="l00117"></a><span class="lineno"> 117</span>  }</div><div class="line"><a name="l00118"></a><span class="lineno"> 118</span> </div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00125"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81"> 125</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">init_image</a>(T &image, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">Format</a> format)</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  {</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!is_open());</div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a> && format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span> </div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  <span class="comment">// Use the size of the input PPM image</span></div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">TensorInfo</a> image_info(_width, _height, format);</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span>  image.allocator()->init(image_info);</div><div class="line"><a name="l00133"></a><span class="lineno"> 133</span>  }</div><div class="line"><a name="l00134"></a><span class="lineno"> 134</span> </div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00142"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402"> 142</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(T &image)</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  {</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!is_open());</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(image.info()->dimension(0) != _width || image.info()->dimension(1) != _height);</div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&image, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>);</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  {</div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLImage</a>>::value)</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  {</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span>  image.map();</div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  }</div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  <span class="comment">// Check if the file is large enough to fill the image</span></div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> current_position = _fs.tellg();</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  _fs.seekg(0, std::ios_base::end);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> end_position = _fs.tellg();</div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  _fs.seekg(current_position, std::ios_base::beg);</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span> </div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>((end_position - current_position) < image.info()->tensor_shape().total_size() * image.info()->element_size(),</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span>  <span class="stringliteral">"Not enough data in file"</span>);</div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(end_position);</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span> </div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">switch</span>(image.info()->format())</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  {</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  {</div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <span class="comment">// We need to convert the data from RGB to grayscale:</span></div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  <span class="comment">// Iterate through every pixel of the image</span></div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _width, 1));</div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> </div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> out(&image, window);</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span> </div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> red = 0;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> green = 0;</div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> blue = 0;</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span> </div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  {</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  red = _fs.get();</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span>  green = _fs.get();</div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  blue = _fs.get();</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span> </div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  *out.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>() = 0.2126f * red + 0.7152f * green + 0.0722f * blue;</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span>  },</div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  out);</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span> </div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  }</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  {</div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <span class="comment">// There is no format conversion needed: we can simply copy the content of the input file to the image one row at the time.</span></div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  <span class="comment">// Create a vertical window to iterate through the image's rows:</span></div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> </div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> out(&image, window);</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span> </div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  {</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  <span class="comment">// Copy one row from the input file to the current row of the image:</span></div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  _fs.read(reinterpret_cast<std::fstream::char_type *>(out.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>()), _width * image.info()->element_size());</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span>  },</div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  out);</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span> </div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  }</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span>  }</div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span> </div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  {</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span>  image.unmap();</div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  }</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  }</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  {</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Loading PPM file: %s"</span>, e.what());</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span>  }</div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span>  }</div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span> </div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span>  std::ifstream _fs;</div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _width, _height;</div><div class="line"><a name="l00233"></a><span class="lineno"> 233</span> };</div><div class="line"><a name="l00234"></a><span class="lineno"> 234</span> </div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00245"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a"> 245</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(T &tensor, <span class="keyword">const</span> std::string &ppm_filename)</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span> {</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&tensor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>);</div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(tensor.info()->num_dimensions() > 2);</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> </div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  std::ofstream fs;</div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span> </div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  {</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span>  fs.exceptions(std::ofstream::failbit | std::ofstream::badbit | std::ofstream::eofbit);</div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  fs.open(ppm_filename, std::ios::out | std::ios::binary);</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span> </div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = tensor.info()->tensor_shape()[0];</div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = tensor.info()->tensor_shape()[1];</div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span> </div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span>  fs << <span class="stringliteral">"P6\n"</span></div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span>  << width << <span class="stringliteral">" "</span> << height << <span class="stringliteral">" 255\n"</span>;</div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span> </div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  {</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span>  tensor.map();</div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span>  }</div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span> </div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">switch</span>(tensor.info()->format())</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  {</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">Format::U8</a>:</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  {</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, width, 1));</div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> </div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span> </div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span>  {</div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> value = *in.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>();</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span> </div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  fs << value << value << value;</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span>  },</div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  in);</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span> </div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  }</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">Format::RGB888</a>:</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  {</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">Window</a> window;</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, width, width));</div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span> </div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  {</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  fs.write(reinterpret_cast<std::fstream::char_type *>(in.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>()), width * tensor.info()->element_size());</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span>  },</div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  in);</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span> </div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  }</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  }</div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">CLTensor</a>>::value)</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  {</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span>  tensor.unmap();</div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  }</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ofstream::failure &e)</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  {</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Writing %s: (%s)"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span>  }</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span> }</div><div class="line"><a name="l00323"></a><span class="lineno"> 323</span> }</div><div class="line"><a name="l00324"></a><span class="lineno"> 324</span> <span class="preprocessor">#endif </span><span class="comment">/* __TESTHELPERS_UTILS_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00114">Utils.h:114</a></div></div> +<a href="test__helpers_2_utils_8h.xhtml">Go to the documentation of this file.</a><div class="fragment"><div class="line"><a name="l00001"></a><span class="lineno"> 1</span> <span class="comment">/*</span></div><div class="line"><a name="l00002"></a><span class="lineno"> 2</span> <span class="comment"> * Copyright (c) 2016, 2017 ARM Limited.</span></div><div class="line"><a name="l00003"></a><span class="lineno"> 3</span> <span class="comment"> *</span></div><div class="line"><a name="l00004"></a><span class="lineno"> 4</span> <span class="comment"> * SPDX-License-Identifier: MIT</span></div><div class="line"><a name="l00005"></a><span class="lineno"> 5</span> <span class="comment"> *</span></div><div class="line"><a name="l00006"></a><span class="lineno"> 6</span> <span class="comment"> * Permission is hereby granted, free of charge, to any person obtaining a copy</span></div><div class="line"><a name="l00007"></a><span class="lineno"> 7</span> <span class="comment"> * of this software and associated documentation files (the "Software"), to</span></div><div class="line"><a name="l00008"></a><span class="lineno"> 8</span> <span class="comment"> * deal in the Software without restriction, including without limitation the</span></div><div class="line"><a name="l00009"></a><span class="lineno"> 9</span> <span class="comment"> * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or</span></div><div class="line"><a name="l00010"></a><span class="lineno"> 10</span> <span class="comment"> * sell copies of the Software, and to permit persons to whom the Software is</span></div><div class="line"><a name="l00011"></a><span class="lineno"> 11</span> <span class="comment"> * furnished to do so, subject to the following conditions:</span></div><div class="line"><a name="l00012"></a><span class="lineno"> 12</span> <span class="comment"> *</span></div><div class="line"><a name="l00013"></a><span class="lineno"> 13</span> <span class="comment"> * The above copyright notice and this permission notice shall be included in all</span></div><div class="line"><a name="l00014"></a><span class="lineno"> 14</span> <span class="comment"> * copies or substantial portions of the Software.</span></div><div class="line"><a name="l00015"></a><span class="lineno"> 15</span> <span class="comment"> *</span></div><div class="line"><a name="l00016"></a><span class="lineno"> 16</span> <span class="comment"> * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR</span></div><div class="line"><a name="l00017"></a><span class="lineno"> 17</span> <span class="comment"> * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,</span></div><div class="line"><a name="l00018"></a><span class="lineno"> 18</span> <span class="comment"> * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE</span></div><div class="line"><a name="l00019"></a><span class="lineno"> 19</span> <span class="comment"> * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER</span></div><div class="line"><a name="l00020"></a><span class="lineno"> 20</span> <span class="comment"> * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,</span></div><div class="line"><a name="l00021"></a><span class="lineno"> 21</span> <span class="comment"> * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE</span></div><div class="line"><a name="l00022"></a><span class="lineno"> 22</span> <span class="comment"> * SOFTWARE.</span></div><div class="line"><a name="l00023"></a><span class="lineno"> 23</span> <span class="comment"> */</span></div><div class="line"><a name="l00024"></a><span class="lineno"> 24</span> <span class="preprocessor">#ifndef __TESTHELPERS_UTILS_H__</span></div><div class="line"><a name="l00025"></a><span class="lineno"> 25</span> <span class="preprocessor">#define __TESTHELPERS_UTILS_H__</span></div><div class="line"><a name="l00026"></a><span class="lineno"> 26</span> </div><div class="line"><a name="l00027"></a><span class="lineno"> 27</span> <span class="preprocessor">#include "<a class="code" href="_helpers_8h.xhtml">arm_compute/core/Helpers.h</a>"</span></div><div class="line"><a name="l00028"></a><span class="lineno"> 28</span> <span class="preprocessor">#include "<a class="code" href="_i_tensor_8h.xhtml">arm_compute/core/ITensor.h</a>"</span></div><div class="line"><a name="l00029"></a><span class="lineno"> 29</span> <span class="preprocessor">#include "<a class="code" href="_types_8h.xhtml">arm_compute/core/Types.h</a>"</span></div><div class="line"><a name="l00030"></a><span class="lineno"> 30</span> <span class="preprocessor">#include "<a class="code" href="_validate_8h.xhtml">arm_compute/core/Validate.h</a>"</span></div><div class="line"><a name="l00031"></a><span class="lineno"> 31</span> <span class="preprocessor">#include "<a class="code" href="_tensor_8h.xhtml">arm_compute/runtime/Tensor.h</a>"</span></div><div class="line"><a name="l00032"></a><span class="lineno"> 32</span> </div><div class="line"><a name="l00033"></a><span class="lineno"> 33</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00034"></a><span class="lineno"> 34</span> <span class="preprocessor">#include "<a class="code" href="_open_c_l_8h.xhtml">arm_compute/core/CL/OpenCL.h</a>"</span></div><div class="line"><a name="l00035"></a><span class="lineno"> 35</span> <span class="preprocessor">#include "<a class="code" href="_c_l_tensor_8h.xhtml">arm_compute/runtime/CL/CLTensor.h</a>"</span></div><div class="line"><a name="l00036"></a><span class="lineno"> 36</span> <span class="preprocessor">#endif </span><span class="comment">/* ARM_COMPUTE_CL */</span><span class="preprocessor"></span></div><div class="line"><a name="l00037"></a><span class="lineno"> 37</span> </div><div class="line"><a name="l00038"></a><span class="lineno"> 38</span> <span class="preprocessor">#include <cstdlib></span></div><div class="line"><a name="l00039"></a><span class="lineno"> 39</span> <span class="preprocessor">#include <cstring></span></div><div class="line"><a name="l00040"></a><span class="lineno"> 40</span> <span class="preprocessor">#include <fstream></span></div><div class="line"><a name="l00041"></a><span class="lineno"> 41</span> <span class="preprocessor">#include <iostream></span></div><div class="line"><a name="l00042"></a><span class="lineno"> 42</span> </div><div class="line"><a name="l00043"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml"> 43</a></span> <span class="keyword">namespace </span><a class="code" href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="line"><a name="l00044"></a><span class="lineno"> 44</span> {</div><div class="line"><a name="l00050"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad"> 50</a></span> <span class="keyword">using</span> <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> = void(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv);</div><div class="line"><a name="l00051"></a><span class="lineno"> 51</span> </div><div class="line"><a name="l00058"></a><span class="lineno"> 58</span> <span class="keywordtype">int</span> <a class="code" href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">run_example</a>(<span class="keywordtype">int</span> argc, <span class="keyword">const</span> <span class="keywordtype">char</span> **argv, <a class="code" href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">example</a> &func);</div><div class="line"><a name="l00059"></a><span class="lineno"> 59</span> </div><div class="line"><a name="l00068"></a><span class="lineno"> 68</span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">draw_detection_rectangle</a>(<a class="code" href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a> *tensor, <span class="keyword">const</span> <a class="code" href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a> &rect, uint8_t r, uint8_t g, uint8_t b);</div><div class="line"><a name="l00069"></a><span class="lineno"> 69</span> </div><div class="line"><a name="l00077"></a><span class="lineno"> 77</span> std::tuple<unsigned int, unsigned int, int> <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(std::ifstream &fs);</div><div class="line"><a name="l00078"></a><span class="lineno"> 78</span> </div><div class="line"><a name="l00081"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml"> 81</a></span> <span class="keyword">class </span><a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml">PPMLoader</a></div><div class="line"><a name="l00082"></a><span class="lineno"> 82</span> {</div><div class="line"><a name="l00083"></a><span class="lineno"> 83</span> <span class="keyword">public</span>:</div><div class="line"><a name="l00084"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c"> 84</a></span>  <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c">PPMLoader</a>()</div><div class="line"><a name="l00085"></a><span class="lineno"> 85</span>  : _fs(), _width(0), _height(0)</div><div class="line"><a name="l00086"></a><span class="lineno"> 86</span>  {</div><div class="line"><a name="l00087"></a><span class="lineno"> 87</span>  }</div><div class="line"><a name="l00092"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed"> 92</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">open</a>(<span class="keyword">const</span> std::string &ppm_filename)</div><div class="line"><a name="l00093"></a><span class="lineno"> 93</span>  {</div><div class="line"><a name="l00094"></a><span class="lineno"> 94</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00095"></a><span class="lineno"> 95</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00096"></a><span class="lineno"> 96</span>  {</div><div class="line"><a name="l00097"></a><span class="lineno"> 97</span>  _fs.exceptions(std::ifstream::failbit | std::ifstream::badbit);</div><div class="line"><a name="l00098"></a><span class="lineno"> 98</span>  _fs.open(ppm_filename, std::ios::in | std::ios::binary);</div><div class="line"><a name="l00099"></a><span class="lineno"> 99</span> </div><div class="line"><a name="l00100"></a><span class="lineno"> 100</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> max_val = 0;</div><div class="line"><a name="l00101"></a><span class="lineno"> 101</span>  std::tie(_width, _height, max_val) = <a class="code" href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">parse_ppm_header</a>(_fs);</div><div class="line"><a name="l00102"></a><span class="lineno"> 102</span> </div><div class="line"><a name="l00103"></a><span class="lineno"> 103</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>(max_val >= 256, <span class="stringliteral">"2 bytes per colour channel not supported in file %s"</span>, ppm_filename.c_str());</div><div class="line"><a name="l00104"></a><span class="lineno"> 104</span>  }</div><div class="line"><a name="l00105"></a><span class="lineno"> 105</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00106"></a><span class="lineno"> 106</span>  {</div><div class="line"><a name="l00107"></a><span class="lineno"> 107</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Accessing %s: %s"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00108"></a><span class="lineno"> 108</span>  }</div><div class="line"><a name="l00109"></a><span class="lineno"> 109</span>  }</div><div class="line"><a name="l00112"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a"> 112</a></span>  <span class="keywordtype">bool</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>()</div><div class="line"><a name="l00113"></a><span class="lineno"> 113</span>  {</div><div class="line"><a name="l00114"></a><span class="lineno"> 114</span>  <span class="keywordflow">return</span> _fs.is_open();</div><div class="line"><a name="l00115"></a><span class="lineno"> 115</span>  }</div><div class="line"><a name="l00116"></a><span class="lineno"> 116</span> </div><div class="line"><a name="l00122"></a><span class="lineno"> 122</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00123"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7"> 123</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">init_image</a>(T &image, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a> format)</div><div class="line"><a name="l00124"></a><span class="lineno"> 124</span>  {</div><div class="line"><a name="l00125"></a><span class="lineno"> 125</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00126"></a><span class="lineno"> 126</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a> && format != <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>);</div><div class="line"><a name="l00127"></a><span class="lineno"> 127</span> </div><div class="line"><a name="l00128"></a><span class="lineno"> 128</span>  <span class="comment">// Use the size of the input PPM image</span></div><div class="line"><a name="l00129"></a><span class="lineno"> 129</span>  <a class="code" href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a> image_info(_width, _height, format);</div><div class="line"><a name="l00130"></a><span class="lineno"> 130</span>  image.allocator()->init(image_info);</div><div class="line"><a name="l00131"></a><span class="lineno"> 131</span>  }</div><div class="line"><a name="l00132"></a><span class="lineno"> 132</span> </div><div class="line"><a name="l00139"></a><span class="lineno"> 139</span>  <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00140"></a><span class="lineno"><a class="line" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402"> 140</a></span>  <span class="keywordtype">void</span> <a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">fill_image</a>(T &image)</div><div class="line"><a name="l00141"></a><span class="lineno"> 141</span>  {</div><div class="line"><a name="l00142"></a><span class="lineno"> 142</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(!<a class="code" href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">is_open</a>());</div><div class="line"><a name="l00143"></a><span class="lineno"> 143</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(image.info()->dimension(0) != _width || image.info()->dimension(1) != _height);</div><div class="line"><a name="l00144"></a><span class="lineno"> 144</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&image, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>);</div><div class="line"><a name="l00145"></a><span class="lineno"> 145</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00146"></a><span class="lineno"> 146</span>  {</div><div class="line"><a name="l00147"></a><span class="lineno"> 147</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00148"></a><span class="lineno"> 148</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00149"></a><span class="lineno"> 149</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLImage</a>>::value)</div><div class="line"><a name="l00150"></a><span class="lineno"> 150</span>  {</div><div class="line"><a name="l00151"></a><span class="lineno"> 151</span>  image.map();</div><div class="line"><a name="l00152"></a><span class="lineno"> 152</span>  }</div><div class="line"><a name="l00153"></a><span class="lineno"> 153</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00154"></a><span class="lineno"> 154</span>  <span class="comment">// Check if the file is large enough to fill the image</span></div><div class="line"><a name="l00155"></a><span class="lineno"> 155</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> current_position = _fs.tellg();</div><div class="line"><a name="l00156"></a><span class="lineno"> 156</span>  _fs.seekg(0, std::ios_base::end);</div><div class="line"><a name="l00157"></a><span class="lineno"> 157</span>  <span class="keyword">const</span> <span class="keywordtype">size_t</span> end_position = _fs.tellg();</div><div class="line"><a name="l00158"></a><span class="lineno"> 158</span>  _fs.seekg(current_position, std::ios_base::beg);</div><div class="line"><a name="l00159"></a><span class="lineno"> 159</span> </div><div class="line"><a name="l00160"></a><span class="lineno"> 160</span>  <a class="code" href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a>((end_position - current_position) < image.info()->tensor_shape().total_size() * image.info()->element_size(),</div><div class="line"><a name="l00161"></a><span class="lineno"> 161</span>  <span class="stringliteral">"Not enough data in file"</span>);</div><div class="line"><a name="l00162"></a><span class="lineno"> 162</span>  <a class="code" href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a>(end_position);</div><div class="line"><a name="l00163"></a><span class="lineno"> 163</span> </div><div class="line"><a name="l00164"></a><span class="lineno"> 164</span>  <span class="keywordflow">switch</span>(image.info()->format())</div><div class="line"><a name="l00165"></a><span class="lineno"> 165</span>  {</div><div class="line"><a name="l00166"></a><span class="lineno"> 166</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>:</div><div class="line"><a name="l00167"></a><span class="lineno"> 167</span>  {</div><div class="line"><a name="l00168"></a><span class="lineno"> 168</span>  <span class="comment">// We need to convert the data from RGB to grayscale:</span></div><div class="line"><a name="l00169"></a><span class="lineno"> 169</span>  <span class="comment">// Iterate through every pixel of the image</span></div><div class="line"><a name="l00170"></a><span class="lineno"> 170</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00171"></a><span class="lineno"> 171</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _width, 1));</div><div class="line"><a name="l00172"></a><span class="lineno"> 172</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00173"></a><span class="lineno"> 173</span> </div><div class="line"><a name="l00174"></a><span class="lineno"> 174</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> out(&image, window);</div><div class="line"><a name="l00175"></a><span class="lineno"> 175</span> </div><div class="line"><a name="l00176"></a><span class="lineno"> 176</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> red = 0;</div><div class="line"><a name="l00177"></a><span class="lineno"> 177</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> green = 0;</div><div class="line"><a name="l00178"></a><span class="lineno"> 178</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> blue = 0;</div><div class="line"><a name="l00179"></a><span class="lineno"> 179</span> </div><div class="line"><a name="l00180"></a><span class="lineno"> 180</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00181"></a><span class="lineno"> 181</span>  {</div><div class="line"><a name="l00182"></a><span class="lineno"> 182</span>  red = _fs.get();</div><div class="line"><a name="l00183"></a><span class="lineno"> 183</span>  green = _fs.get();</div><div class="line"><a name="l00184"></a><span class="lineno"> 184</span>  blue = _fs.get();</div><div class="line"><a name="l00185"></a><span class="lineno"> 185</span> </div><div class="line"><a name="l00186"></a><span class="lineno"> 186</span>  *out.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>() = 0.2126f * red + 0.7152f * green + 0.0722f * blue;</div><div class="line"><a name="l00187"></a><span class="lineno"> 187</span>  },</div><div class="line"><a name="l00188"></a><span class="lineno"> 188</span>  out);</div><div class="line"><a name="l00189"></a><span class="lineno"> 189</span> </div><div class="line"><a name="l00190"></a><span class="lineno"> 190</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00191"></a><span class="lineno"> 191</span>  }</div><div class="line"><a name="l00192"></a><span class="lineno"> 192</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>:</div><div class="line"><a name="l00193"></a><span class="lineno"> 193</span>  {</div><div class="line"><a name="l00194"></a><span class="lineno"> 194</span>  <span class="comment">// There is no format conversion needed: we can simply copy the content of the input file to the image one row at the time.</span></div><div class="line"><a name="l00195"></a><span class="lineno"> 195</span>  <span class="comment">// Create a vertical window to iterate through the image's rows:</span></div><div class="line"><a name="l00196"></a><span class="lineno"> 196</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00197"></a><span class="lineno"> 197</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, _height, 1));</div><div class="line"><a name="l00198"></a><span class="lineno"> 198</span> </div><div class="line"><a name="l00199"></a><span class="lineno"> 199</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> out(&image, window);</div><div class="line"><a name="l00200"></a><span class="lineno"> 200</span> </div><div class="line"><a name="l00201"></a><span class="lineno"> 201</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00202"></a><span class="lineno"> 202</span>  {</div><div class="line"><a name="l00203"></a><span class="lineno"> 203</span>  <span class="comment">// Copy one row from the input file to the current row of the image:</span></div><div class="line"><a name="l00204"></a><span class="lineno"> 204</span>  _fs.read(reinterpret_cast<std::fstream::char_type *>(out.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>()), _width * image.info()->element_size());</div><div class="line"><a name="l00205"></a><span class="lineno"> 205</span>  },</div><div class="line"><a name="l00206"></a><span class="lineno"> 206</span>  out);</div><div class="line"><a name="l00207"></a><span class="lineno"> 207</span> </div><div class="line"><a name="l00208"></a><span class="lineno"> 208</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00209"></a><span class="lineno"> 209</span>  }</div><div class="line"><a name="l00210"></a><span class="lineno"> 210</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00211"></a><span class="lineno"> 211</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00212"></a><span class="lineno"> 212</span>  }</div><div class="line"><a name="l00213"></a><span class="lineno"> 213</span> </div><div class="line"><a name="l00214"></a><span class="lineno"> 214</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00215"></a><span class="lineno"> 215</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00216"></a><span class="lineno"> 216</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00217"></a><span class="lineno"> 217</span>  {</div><div class="line"><a name="l00218"></a><span class="lineno"> 218</span>  image.unmap();</div><div class="line"><a name="l00219"></a><span class="lineno"> 219</span>  }</div><div class="line"><a name="l00220"></a><span class="lineno"> 220</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00221"></a><span class="lineno"> 221</span>  }</div><div class="line"><a name="l00222"></a><span class="lineno"> 222</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ifstream::failure &e)</div><div class="line"><a name="l00223"></a><span class="lineno"> 223</span>  {</div><div class="line"><a name="l00224"></a><span class="lineno"> 224</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Loading PPM file: %s"</span>, e.what());</div><div class="line"><a name="l00225"></a><span class="lineno"> 225</span>  }</div><div class="line"><a name="l00226"></a><span class="lineno"> 226</span>  }</div><div class="line"><a name="l00227"></a><span class="lineno"> 227</span> </div><div class="line"><a name="l00228"></a><span class="lineno"> 228</span> <span class="keyword">private</span>:</div><div class="line"><a name="l00229"></a><span class="lineno"> 229</span>  std::ifstream _fs;</div><div class="line"><a name="l00230"></a><span class="lineno"> 230</span>  <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> _width, _height;</div><div class="line"><a name="l00231"></a><span class="lineno"> 231</span> };</div><div class="line"><a name="l00232"></a><span class="lineno"> 232</span> </div><div class="line"><a name="l00242"></a><span class="lineno"> 242</span> <span class="keyword">template</span> <<span class="keyword">typename</span> T></div><div class="line"><a name="l00243"></a><span class="lineno"><a class="line" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a"> 243</a></span> <span class="keywordtype">void</span> <a class="code" href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">save_to_ppm</a>(T &tensor, <span class="keyword">const</span> std::string &ppm_filename)</div><div class="line"><a name="l00244"></a><span class="lineno"> 244</span> {</div><div class="line"><a name="l00245"></a><span class="lineno"> 245</span>  <a class="code" href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a>(&tensor, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>, <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>);</div><div class="line"><a name="l00246"></a><span class="lineno"> 246</span>  <a class="code" href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a>(tensor.info()->num_dimensions() > 2);</div><div class="line"><a name="l00247"></a><span class="lineno"> 247</span> </div><div class="line"><a name="l00248"></a><span class="lineno"> 248</span>  std::ofstream fs;</div><div class="line"><a name="l00249"></a><span class="lineno"> 249</span> </div><div class="line"><a name="l00250"></a><span class="lineno"> 250</span>  <span class="keywordflow">try</span></div><div class="line"><a name="l00251"></a><span class="lineno"> 251</span>  {</div><div class="line"><a name="l00252"></a><span class="lineno"> 252</span>  fs.exceptions(std::ofstream::failbit | std::ofstream::badbit | std::ofstream::eofbit);</div><div class="line"><a name="l00253"></a><span class="lineno"> 253</span>  fs.open(ppm_filename, std::ios::out | std::ios::binary);</div><div class="line"><a name="l00254"></a><span class="lineno"> 254</span> </div><div class="line"><a name="l00255"></a><span class="lineno"> 255</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> width = tensor.info()->tensor_shape()[0];</div><div class="line"><a name="l00256"></a><span class="lineno"> 256</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">int</span> height = tensor.info()->tensor_shape()[1];</div><div class="line"><a name="l00257"></a><span class="lineno"> 257</span> </div><div class="line"><a name="l00258"></a><span class="lineno"> 258</span>  fs << <span class="stringliteral">"P6\n"</span></div><div class="line"><a name="l00259"></a><span class="lineno"> 259</span>  << width << <span class="stringliteral">" "</span> << height << <span class="stringliteral">" 255\n"</span>;</div><div class="line"><a name="l00260"></a><span class="lineno"> 260</span> </div><div class="line"><a name="l00261"></a><span class="lineno"> 261</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00262"></a><span class="lineno"> 262</span>  <span class="comment">// Map buffer if creating a CLTensor</span></div><div class="line"><a name="l00263"></a><span class="lineno"> 263</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00264"></a><span class="lineno"> 264</span>  {</div><div class="line"><a name="l00265"></a><span class="lineno"> 265</span>  tensor.map();</div><div class="line"><a name="l00266"></a><span class="lineno"> 266</span>  }</div><div class="line"><a name="l00267"></a><span class="lineno"> 267</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00268"></a><span class="lineno"> 268</span> </div><div class="line"><a name="l00269"></a><span class="lineno"> 269</span>  <span class="keywordflow">switch</span>(tensor.info()->format())</div><div class="line"><a name="l00270"></a><span class="lineno"> 270</span>  {</div><div class="line"><a name="l00271"></a><span class="lineno"> 271</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a>:</div><div class="line"><a name="l00272"></a><span class="lineno"> 272</span>  {</div><div class="line"><a name="l00273"></a><span class="lineno"> 273</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00274"></a><span class="lineno"> 274</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, width, 1));</div><div class="line"><a name="l00275"></a><span class="lineno"> 275</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00276"></a><span class="lineno"> 276</span> </div><div class="line"><a name="l00277"></a><span class="lineno"> 277</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00278"></a><span class="lineno"> 278</span> </div><div class="line"><a name="l00279"></a><span class="lineno"> 279</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00280"></a><span class="lineno"> 280</span>  {</div><div class="line"><a name="l00281"></a><span class="lineno"> 281</span>  <span class="keyword">const</span> <span class="keywordtype">unsigned</span> <span class="keywordtype">char</span> value = *in.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>();</div><div class="line"><a name="l00282"></a><span class="lineno"> 282</span> </div><div class="line"><a name="l00283"></a><span class="lineno"> 283</span>  fs << value << value << value;</div><div class="line"><a name="l00284"></a><span class="lineno"> 284</span>  },</div><div class="line"><a name="l00285"></a><span class="lineno"> 285</span>  in);</div><div class="line"><a name="l00286"></a><span class="lineno"> 286</span> </div><div class="line"><a name="l00287"></a><span class="lineno"> 287</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00288"></a><span class="lineno"> 288</span>  }</div><div class="line"><a name="l00289"></a><span class="lineno"> 289</span>  <span class="keywordflow">case</span> <a class="code" href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a>:</div><div class="line"><a name="l00290"></a><span class="lineno"> 290</span>  {</div><div class="line"><a name="l00291"></a><span class="lineno"> 291</span>  <a class="code" href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a> window;</div><div class="line"><a name="l00292"></a><span class="lineno"> 292</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, width, width));</div><div class="line"><a name="l00293"></a><span class="lineno"> 293</span>  window.<a class="code" href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">set</a>(<a class="code" href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a>, <a class="code" href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a>(0, height, 1));</div><div class="line"><a name="l00294"></a><span class="lineno"> 294</span> </div><div class="line"><a name="l00295"></a><span class="lineno"> 295</span>  <a class="code" href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a> in(&tensor, window);</div><div class="line"><a name="l00296"></a><span class="lineno"> 296</span> </div><div class="line"><a name="l00297"></a><span class="lineno"> 297</span>  <a class="code" href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a>(window, [&](<span class="keyword">const</span> <a class="code" href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a> & <span class="keywordtype">id</span>)</div><div class="line"><a name="l00298"></a><span class="lineno"> 298</span>  {</div><div class="line"><a name="l00299"></a><span class="lineno"> 299</span>  fs.write(reinterpret_cast<std::fstream::char_type *>(in.<a class="code" href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">ptr</a>()), width * tensor.info()->element_size());</div><div class="line"><a name="l00300"></a><span class="lineno"> 300</span>  },</div><div class="line"><a name="l00301"></a><span class="lineno"> 301</span>  in);</div><div class="line"><a name="l00302"></a><span class="lineno"> 302</span> </div><div class="line"><a name="l00303"></a><span class="lineno"> 303</span>  <span class="keywordflow">break</span>;</div><div class="line"><a name="l00304"></a><span class="lineno"> 304</span>  }</div><div class="line"><a name="l00305"></a><span class="lineno"> 305</span>  <span class="keywordflow">default</span>:</div><div class="line"><a name="l00306"></a><span class="lineno"> 306</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Unsupported format"</span>);</div><div class="line"><a name="l00307"></a><span class="lineno"> 307</span>  }</div><div class="line"><a name="l00308"></a><span class="lineno"> 308</span> <span class="preprocessor">#ifdef ARM_COMPUTE_CL</span></div><div class="line"><a name="l00309"></a><span class="lineno"> 309</span>  <span class="comment">// Unmap buffer if creating a CLTensor</span></div><div class="line"><a name="l00310"></a><span class="lineno"> 310</span>  <span class="keywordflow">if</span>(std::is_same<<span class="keyword">typename</span> std::decay<T>::type, <a class="code" href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a>>::value)</div><div class="line"><a name="l00311"></a><span class="lineno"> 311</span>  {</div><div class="line"><a name="l00312"></a><span class="lineno"> 312</span>  tensor.unmap();</div><div class="line"><a name="l00313"></a><span class="lineno"> 313</span>  }</div><div class="line"><a name="l00314"></a><span class="lineno"> 314</span> <span class="preprocessor">#endif</span></div><div class="line"><a name="l00315"></a><span class="lineno"> 315</span>  }</div><div class="line"><a name="l00316"></a><span class="lineno"> 316</span>  <span class="keywordflow">catch</span>(<span class="keyword">const</span> std::ofstream::failure &e)</div><div class="line"><a name="l00317"></a><span class="lineno"> 317</span>  {</div><div class="line"><a name="l00318"></a><span class="lineno"> 318</span>  <a class="code" href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a>(<span class="stringliteral">"Writing %s: (%s)"</span>, ppm_filename.c_str(), e.what());</div><div class="line"><a name="l00319"></a><span class="lineno"> 319</span>  }</div><div class="line"><a name="l00320"></a><span class="lineno"> 320</span> }</div><div class="line"><a name="l00321"></a><span class="lineno"> 321</span> }</div><div class="line"><a name="l00322"></a><span class="lineno"> 322</span> <span class="preprocessor">#endif </span><span class="comment">/* __TESTHELPERS_UTILS_H__*/</span><span class="preprocessor"></span></div><div class="ttc" id="_error_8h_xhtml_a05b19c75afe9c24200a62b9724734bbd"><div class="ttname"><a href="_error_8h.xhtml#a05b19c75afe9c24200a62b9724734bbd">ARM_COMPUTE_ERROR</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR(...)</div><div class="ttdoc">Print the given message then throw an std::runtime_error. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00031">Error.h:31</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a2f57f54d8c03b615bb31eee091d8a88a"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a2f57f54d8c03b615bb31eee091d8a88a">test_helpers::PPMLoader::is_open</a></div><div class="ttdeci">bool is_open()</div><div class="ttdoc">Return true if a PPM file is currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00112">Utils.h:112</a></div></div> <div class="ttc" id="_i_tensor_8h_xhtml"><div class="ttname"><a href="_i_tensor_8h.xhtml">ITensor.h</a></div></div> <div class="ttc" id="_types_8h_xhtml"><div class="ttname"><a href="_types_8h.xhtml">Types.h</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a49afa04c8a5fd9ead48e07440b37294c"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c">test_helpers::PPMLoader::PPMLoader</a></div><div class="ttdeci">PPMLoader()</div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00086">Utils.h:86</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a49afa04c8a5fd9ead48e07440b37294c"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a49afa04c8a5fd9ead48e07440b37294c">test_helpers::PPMLoader::PPMLoader</a></div><div class="ttdeci">PPMLoader()</div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00084">Utils.h:84</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a6669348b484e3008dca2bfa8e85e40b5">arm_compute::Format::U8</a></div><div class="ttdoc">Unknown image format. </div></div> <div class="ttc" id="_validate_8h_xhtml_a0d34a8aa07600727e4e5034c7cdad47d"><div class="ttname"><a href="_validate_8h.xhtml#a0d34a8aa07600727e4e5034c7cdad47d">ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(t,...)</div><div class="ttdef"><b>Definition:</b> <a href="_validate_8h_source.xhtml#l00215">Validate.h:215</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_ad1b5373f466a3945e1f0ef1c9943c357"><div class="ttname"><a href="namespacetest__helpers.xhtml#ad1b5373f466a3945e1f0ef1c9943c357">test_helpers::draw_detection_rectangle</a></div><div class="ttdeci">void draw_detection_rectangle(arm_compute::ITensor *tensor, const arm_compute::DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="ttdoc">Draw a RGB rectangular window for the detected object. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00101">Utils.cpp:101</a></div></div> <div class="ttc" id="_error_8h_xhtml_a4103adbb45806b2f2002d44b91d0d206"><div class="ttname"><a href="_error_8h.xhtml#a4103adbb45806b2f2002d44b91d0d206">ARM_COMPUTE_UNUSED</a></div><div class="ttdeci">#define ARM_COMPUTE_UNUSED(var)</div><div class="ttdoc">To avoid unused variables warnings. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00049">Error.h:49</a></div></div> <div class="ttc" id="_c_l_tensor_8h_xhtml"><div class="ttname"><a href="_c_l_tensor_8h.xhtml">CLTensor.h</a></div></div> <div class="ttc" id="_error_8h_xhtml_a54a6080c9f4df1f908e57a9bbb46f5da"><div class="ttname"><a href="_error_8h.xhtml#a54a6080c9f4df1f908e57a9bbb46f5da">ARM_COMPUTE_ERROR_ON</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON(cond)</div><div class="ttdoc">If the condition is true then an error message is printed and an exception thrown. </div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00100">Error.h:100</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_1_1_dimension_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window_1_1_dimension.xhtml">arm_compute::Window::Dimension</a></div><div class="ttdoc">Describe one of the image&#39;s dimensions with a start, end and step. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00068">Window.h:68</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00142">Utils.h:142</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a1672610b872bef30d0dc2333a0ffc402"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a1672610b872bef30d0dc2333a0ffc402">test_helpers::PPMLoader::fill_image</a></div><div class="ttdeci">void fill_image(T &image)</div><div class="ttdoc">Fill an image with the content of the currently open PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00140">Utils.h:140</a></div></div> <div class="ttc" id="classarm__compute_1_1_i_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_i_tensor.xhtml">arm_compute::ITensor</a></div><div class="ttdoc">Interface for NEON tensor. </div><div class="ttdef"><b>Definition:</b> <a href="_i_tensor_8h_source.xhtml#l00036">ITensor.h:36</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml"><div class="ttname"><a href="namespacearm__compute.xhtml">arm_compute</a></div><div class="ttdef"><b>Definition:</b> <a href="arm__compute_8dox_source.xhtml#l00001">arm_compute.dox:1</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58a30ff380a3be74628024063a99fba10f0">arm_compute::Format::RGB888</a></div><div class="ttdoc">2 channel, 1 U8 per channel </div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a69f2a0e263d4f77d1e166de9cd2746f7"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a69f2a0e263d4f77d1e166de9cd2746f7">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, arm_compute::Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00123">Utils.h:123</a></div></div> <div class="ttc" id="_tensor_8h_xhtml"><div class="ttname"><a href="_tensor_8h.xhtml">Tensor.h</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_aa96e81276ee4f87ab386cd05a5539a7d"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#aa96e81276ee4f87ab386cd05a5539a7d">arm_compute::Window::DimX</a></div><div class="ttdeci">static constexpr size_t DimX</div><div class="ttdoc">Alias for dimension 0 also known as X dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00043">Window.h:43</a></div></div> -<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00037">Types.h:37</a></div></div> +<div class="ttc" id="namespacearm__compute_xhtml_ab4e88c89b3b7ea1735996cc4def22d58"><div class="ttname"><a href="namespacearm__compute.xhtml#ab4e88c89b3b7ea1735996cc4def22d58">arm_compute::Format</a></div><div class="ttdeci">Format</div><div class="ttdoc">Image colour formats. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00038">Types.h:38</a></div></div> <div class="ttc" id="classarm__compute_1_1_coordinates_xhtml"><div class="ttname"><a href="classarm__compute_1_1_coordinates.xhtml">arm_compute::Coordinates</a></div><div class="ttdoc">Coordinates of an item. </div><div class="ttdef"><b>Definition:</b> <a href="_coordinates_8h_source.xhtml#l00037">Coordinates.h:37</a></div></div> <div class="ttc" id="_helpers_8h_xhtml"><div class="ttname"><a href="_helpers_8h.xhtml">Helpers.h</a></div></div> <div class="ttc" id="namespacearm__compute_xhtml_a78fd1c0056e9add7ab01b8e118c0038d"><div class="ttname"><a href="namespacearm__compute.xhtml#a78fd1c0056e9add7ab01b8e118c0038d">arm_compute::execute_window_loop</a></div><div class="ttdeci">void execute_window_loop(const Window &w, L &&lambda_function, Ts &&...iterators)</div><div class="ttdoc">Iterate through the passed window, automatically adjusting the iterators and calling the lambda_funct...</div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_acd3d2bba51cb84d34dd7656ad2375a6e"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#acd3d2bba51cb84d34dd7656ad2375a6e">arm_compute::Window::set</a></div><div class="ttdeci">void set(size_t dimension, const Dimension &dim)</div><div class="ttdoc">Set the values of a given dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8inl_source.xhtml#l00040">Window.inl:40</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00136">Utils.cpp:136</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00094">Utils.h:94</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a3aa8f5f1b94f88fdf5b43a53e29379cf"><div class="ttname"><a href="namespacetest__helpers.xhtml#a3aa8f5f1b94f88fdf5b43a53e29379cf">test_helpers::parse_ppm_header</a></div><div class="ttdeci">std::tuple< unsigned int, unsigned int, int > parse_ppm_header(std::ifstream &fs)</div><div class="ttdoc">Parse the ppm header from an input file stream. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00138">Utils.cpp:138</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a36e58f3e64f3851ebac7a9556b4704ed"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a36e58f3e64f3851ebac7a9556b4704ed">test_helpers::PPMLoader::open</a></div><div class="ttdeci">void open(const std::string &ppm_filename)</div><div class="ttdoc">Open a PPM file and reads its metadata (Width, height) </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00092">Utils.h:92</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml_ad2d402364fa822b0b7775081291eeca9"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml#ad2d402364fa822b0b7775081291eeca9">arm_compute::Window::DimY</a></div><div class="ttdeci">static constexpr size_t DimY</div><div class="ttdoc">Alias for dimension 1 also known as Y dimension. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00045">Window.h:45</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00065">Utils.cpp:65</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00083">Utils.h:83</a></div></div> -<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml_a283b961e6ca7b117b106c8710c7cfe81"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml#a283b961e6ca7b117b106c8710c7cfe81">test_helpers::PPMLoader::init_image</a></div><div class="ttdeci">void init_image(T &image, Format format)</div><div class="ttdoc">Initialise an image&#39;s metadata with the dimensions of the PPM file currently open. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00125">Utils.h:125</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a4c9395db2c8b8d0c336656a7b58fca3e"><div class="ttname"><a href="namespacetest__helpers.xhtml#a4c9395db2c8b8d0c336656a7b58fca3e">test_helpers::run_example</a></div><div class="ttdeci">int run_example(int argc, const char **argv, example &func)</div><div class="ttdoc">Run an example and handle the potential exceptions it throws. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00067">Utils.cpp:67</a></div></div> +<div class="ttc" id="classtest__helpers_1_1_p_p_m_loader_xhtml"><div class="ttname"><a href="classtest__helpers_1_1_p_p_m_loader.xhtml">test_helpers::PPMLoader</a></div><div class="ttdoc">Class to load the content of a PPM file into an Image. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00081">Utils.h:81</a></div></div> <div class="ttc" id="classarm__compute_1_1_iterator_xhtml_a2f0d6383162e1af2df323c456a9335d3"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml#a2f0d6383162e1af2df323c456a9335d3">arm_compute::Iterator::ptr</a></div><div class="ttdeci">constexpr uint8_t * ptr() const </div><div class="ttdoc">Return a pointer to the current pixel. </div></div> -<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00335">Types.h:335</a></div></div> +<div class="ttc" id="structarm__compute_1_1_detection_window_xhtml"><div class="ttname"><a href="structarm__compute_1_1_detection_window.xhtml">arm_compute::DetectionWindow</a></div><div class="ttdoc">Detection window used for the object detection. </div><div class="ttdef"><b>Definition:</b> <a href="_types_8h_source.xhtml#l00348">Types.h:348</a></div></div> <div class="ttc" id="_open_c_l_8h_xhtml"><div class="ttname"><a href="_open_c_l_8h.xhtml">OpenCL.h</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00245">Utils.h:245</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a27e6364d61a5b27447d27337aa182cad"><div class="ttname"><a href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">test_helpers::example</a></div><div class="ttdeci">void(int argc, const char **argv) example</div><div class="ttdoc">Signature of an example to run. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00052">Utils.h:52</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a5036a1b77bd7223a68954b5078c6545a"><div class="ttname"><a href="namespacetest__helpers.xhtml#a5036a1b77bd7223a68954b5078c6545a">test_helpers::save_to_ppm</a></div><div class="ttdeci">void save_to_ppm(T &tensor, const std::string &ppm_filename)</div><div class="ttdoc">Template helper function to save a tensor image to a PPM file. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00243">Utils.h:243</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml_a27e6364d61a5b27447d27337aa182cad"><div class="ttname"><a href="namespacetest__helpers.xhtml#a27e6364d61a5b27447d27337aa182cad">test_helpers::example</a></div><div class="ttdeci">void(int argc, const char **argv) example</div><div class="ttdoc">Signature of an example to run. </div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00050">Utils.h:50</a></div></div> <div class="ttc" id="classarm__compute_1_1_tensor_info_xhtml"><div class="ttname"><a href="classarm__compute_1_1_tensor_info.xhtml">arm_compute::TensorInfo</a></div><div class="ttdoc">Store the tensor&#39;s metadata. </div><div class="ttdef"><b>Definition:</b> <a href="_tensor_info_8h_source.xhtml#l00040">TensorInfo.h:40</a></div></div> -<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00210">Helpers.h:210</a></div></div> +<div class="ttc" id="classarm__compute_1_1_iterator_xhtml"><div class="ttname"><a href="classarm__compute_1_1_iterator.xhtml">arm_compute::Iterator</a></div><div class="ttdoc">Iterator updated by execute_window_loop for each window element. </div><div class="ttdef"><b>Definition:</b> <a href="_helpers_8h_source.xhtml#l00223">Helpers.h:223</a></div></div> <div class="ttc" id="classarm__compute_1_1_window_xhtml"><div class="ttname"><a href="classarm__compute_1_1_window.xhtml">arm_compute::Window</a></div><div class="ttdoc">Describe a multidimensional execution window. </div><div class="ttdef"><b>Definition:</b> <a href="_window_8h_source.xhtml#l00039">Window.h:39</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml_a35367e474c33789a32cab099884301e0"><div class="ttname"><a href="namespacetest__helpers.xhtml#a35367e474c33789a32cab099884301e0">test_helpers::draw_detection_rectangle</a></div><div class="ttdeci">void draw_detection_rectangle(ITensor *tensor, const DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b)</div><div class="ttdoc">Draw a RGB rectangular window for the detected object. </div><div class="ttdef"><b>Definition:</b> <a href="_utils_8cpp_source.xhtml#l00099">Utils.cpp:99</a></div></div> <div class="ttc" id="_validate_8h_xhtml"><div class="ttname"><a href="_validate_8h.xhtml">Validate.h</a></div></div> -<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00045">Utils.h:45</a></div></div> +<div class="ttc" id="namespacetest__helpers_xhtml"><div class="ttname"><a href="namespacetest__helpers.xhtml">test_helpers</a></div><div class="ttdef"><b>Definition:</b> <a href="test__helpers_2_utils_8h_source.xhtml#l00043">Utils.h:43</a></div></div> <div class="ttc" id="_error_8h_xhtml_a5bbdcf574d3f5e412fa6a1117911e67b"><div class="ttname"><a href="_error_8h.xhtml#a5bbdcf574d3f5e412fa6a1117911e67b">ARM_COMPUTE_ERROR_ON_MSG</a></div><div class="ttdeci">#define ARM_COMPUTE_ERROR_ON_MSG(cond,...)</div><div class="ttdef"><b>Definition:</b> <a href="_error_8h_source.xhtml#l00091">Error.h:91</a></div></div> <div class="ttc" id="classarm__compute_1_1_c_l_tensor_xhtml"><div class="ttname"><a href="classarm__compute_1_1_c_l_tensor.xhtml">arm_compute::CLTensor</a></div><div class="ttdoc">Basic implementation of the OpenCL tensor interface. </div><div class="ttdef"><b>Definition:</b> <a href="_c_l_tensor_8h_source.xhtml#l00039">CLTensor.h:39</a></div></div> </div><!-- fragment --></div><!-- contents --> @@ -163,7 +162,7 @@ $(document).ready(function(){initNavTree('test__helpers_2_utils_8h_source.xhtml' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_c1aaaab7f10e8303cab52138d50f8521.xhtml">test_helpers</a></li><li class="navelem"><a class="el" href="test__helpers_2_utils_8h.xhtml">Utils.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/threshold_8cl.xhtml b/documentation/threshold_8cl.xhtml index 3a9ece881..7e5f59673 100644 --- a/documentation/threshold_8cl.xhtml +++ b/documentation/threshold_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -411,7 +411,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="threshold_8cl.xhtml">threshold.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/threshold_8cl_source.xhtml b/documentation/threshold_8cl_source.xhtml index 42161b3b2..57085bc87 100644 --- a/documentation/threshold_8cl_source.xhtml +++ b/documentation/threshold_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -129,7 +129,7 @@ $(document).ready(function(){initNavTree('threshold_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="threshold_8cl.xhtml">threshold.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/transpose_8cl.xhtml b/documentation/transpose_8cl.xhtml index ab50f62d2..110a1077b 100644 --- a/documentation/transpose_8cl.xhtml +++ b/documentation/transpose_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -704,7 +704,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="transpose_8cl.xhtml">transpose.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/transpose_8cl_source.xhtml b/documentation/transpose_8cl_source.xhtml index 2558823d3..9728633a1 100644 --- a/documentation/transpose_8cl_source.xhtml +++ b/documentation/transpose_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('transpose_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="transpose_8cl.xhtml">transpose.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/types_8h.xhtml b/documentation/types_8h.xhtml index 6344558a1..e697e86e3 100644 --- a/documentation/types_8h.xhtml +++ b/documentation/types_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -171,7 +171,7 @@ Typedefs</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="types_8h.xhtml">types.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/types_8h_source.xhtml b/documentation/types_8h_source.xhtml index a8cbf1282..0a8526603 100644 --- a/documentation/types_8h_source.xhtml +++ b/documentation/types_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -135,7 +135,7 @@ $(document).ready(function(){initNavTree('types_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="types_8h.xhtml">types.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__affine_8cl.xhtml b/documentation/warp__affine_8cl.xhtml index c830ab482..d11039a3d 100644 --- a/documentation/warp__affine_8cl.xhtml +++ b/documentation/warp__affine_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -496,7 +496,7 @@ clBuildProgram( program, 0, NULL, build_options, NULL, NULL);</dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__affine_8cl.xhtml">warp_affine.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__affine_8cl_source.xhtml b/documentation/warp__affine_8cl_source.xhtml index efb760e07..3be9929b7 100644 --- a/documentation/warp__affine_8cl_source.xhtml +++ b/documentation/warp__affine_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('warp__affine_8cl_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__affine_8cl.xhtml">warp_affine.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__helpers_8h.xhtml b/documentation/warp__helpers_8h.xhtml index 0fe535d3b..46a368c1c 100644 --- a/documentation/warp__helpers_8h.xhtml +++ b/documentation/warp__helpers_8h.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -390,7 +390,7 @@ Functions</h2></td></tr> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__helpers_8h.xhtml">warp_helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__helpers_8h_source.xhtml b/documentation/warp__helpers_8h_source.xhtml index a4137d07d..f80b00720 100644 --- a/documentation/warp__helpers_8h_source.xhtml +++ b/documentation/warp__helpers_8h_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -133,7 +133,7 @@ $(document).ready(function(){initNavTree('warp__helpers_8h_source.xhtml','');}); <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__helpers_8h.xhtml">warp_helpers.h</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__perspective_8cl.xhtml b/documentation/warp__perspective_8cl.xhtml index aa6a845f7..18a68e17d 100644 --- a/documentation/warp__perspective_8cl.xhtml +++ b/documentation/warp__perspective_8cl.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -498,7 +498,7 @@ clBuildProgram( program, 0, NULL, build_options, NULL, NULL);</dd></dl> <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__perspective_8cl.xhtml">warp_perspective.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/documentation/warp__perspective_8cl_source.xhtml b/documentation/warp__perspective_8cl_source.xhtml index 6fa83d9ca..530968de6 100644 --- a/documentation/warp__perspective_8cl_source.xhtml +++ b/documentation/warp__perspective_8cl_source.xhtml @@ -40,7 +40,7 @@ <tr style="height: 56px;"> <td style="padding-left: 0.5em;"> <div id="projectname">ARM Compute Library -  <span id="projectnumber">17.04</span> +  <span id="projectnumber">17.05</span> </div> </td> </tr> @@ -137,7 +137,7 @@ $(document).ready(function(){initNavTree('warp__perspective_8cl_source.xhtml','' <div id="nav-path" class="navpath"><!-- id is needed for treeview function! --> <ul> <li class="navelem"><a class="el" href="dir_68267d1309a1af8e8297ef4c3efbcdba.xhtml">src</a></li><li class="navelem"><a class="el" href="dir_aebb8dcc11953d78e620bbef0b9e2183.xhtml">core</a></li><li class="navelem"><a class="el" href="dir_8c278f79c760e5c5fbd911f9870614c1.xhtml">CL</a></li><li class="navelem"><a class="el" href="dir_25885286e9dad4fa105b7b25a8031bbf.xhtml">cl_kernels</a></li><li class="navelem"><a class="el" href="warp__perspective_8cl.xhtml">warp_perspective.cl</a></li> - <li class="footer">Generated on Wed Apr 12 2017 14:26:05 for ARM Compute Library by + <li class="footer">Generated on Wed May 3 2017 17:20:04 for ARM Compute Library by <a href="http://www.doxygen.org/index.html"> <img class="footer" src="doxygen.png" alt="doxygen"/></a> 1.8.11 </li> </ul> diff --git a/sconscript b/sconscript index a821b9c51..6ec52f6f5 100644 --- a/sconscript +++ b/sconscript @@ -25,25 +25,11 @@ import re import subprocess import SCons -VERSION = "v17.04" -SONAME_VERSION="1.0.0" - -vars = Variables('scons') -vars.Add(EnumVariable('debug','Debug (default=0)', '0', allowed_values=('0','1'))) -vars.Add(EnumVariable('asserts','Enable asserts (This flag is forced to 1 for debug=1) (default=0)', '0', allowed_values=('0','1'))) -vars.Add(EnumVariable('arch','Target Architecture (default=armv7a)', 'armv7a', allowed_values=('armv7a','arm64-v8a','arm64-v8.2-a','x86_32','x86_64'))) -vars.Add(EnumVariable('os','Target OS (default=linux)', 'linux', allowed_values=('linux','android','bare_metal'))) -vars.Add(EnumVariable('build','Build type: (default=cross_compile)', 'cross_compile', allowed_values=('native','cross_compile'))) -vars.Add(EnumVariable('Werror','Enable/disable the -Werror compilation flag (Default=1)', '1', allowed_values=('0','1'))) -vars.Add(EnumVariable('opencl','Enable OpenCL support(Default=1)', '1', allowed_values=('0','1'))) -vars.Add(EnumVariable('neon','Enable Neon support(Default=0)', '0', allowed_values=('0','1'))) -vars.Add(EnumVariable('embed_kernels', 'Embed OpenCL kernels in library binary(Default=0)', '0', allowed_values=('0','1'))) -vars.Add(BoolVariable('set_soname','Set the library\'s soname and shlibversion (Requires SCons 2.4 or above)', 0)) -vars.Add(('extra_cxx_flags','Extra CXX flags to be appended to the build command', '')) - -env = Environment(platform='posix', variables = vars, ENV = os.environ) - -Help(vars.GenerateHelpText(env)) +VERSION = "v17.05" +SONAME_VERSION="2.0.0" + +Import('env') +Import('vars') def version_at_least(version, required): end = min(len(version), len(required)) @@ -56,311 +42,339 @@ def version_at_least(version, required): return True -if not GetOption("help"): - flags = ['-D_GLIBCXX_USE_NANOSLEEP','-Wno-deprecated-declarations','-Wall','-DARCH_ARM', - '-Wextra','-Wno-unused-parameter','-pedantic','-Wdisabled-optimization','-Wformat=2', - '-Winit-self','-Wstrict-overflow=2','-Wswitch-default', - '-fpermissive','-std=c++11','-Wno-vla','-Woverloaded-virtual', - '-Wctor-dtor-privacy','-Wsign-promo','-Weffc++','-Wno-format-nonliteral','-Wno-overlength-strings','-Wno-strict-overflow'] +def build_library(name, sources, libs, static=False): + if static: + obj = env.StaticLibrary(name, source = sources, LIBS=libs ) + else: + if env['set_soname']: + obj = env.SharedLibrary(name, source = sources, LIBS=libs, SHLIBVERSION=SONAME_VERSION) + symlinks = [] + # Manually delete symlinks or SCons will get confused: + directory = os.path.dirname( obj[0].path ) + library_prefix = obj[0].path[:-(1+len(SONAME_VERSION))] + real_lib="%s.%s" % (library_prefix, SONAME_VERSION) + for f in Glob( "#%s*" % library_prefix): + if str(f) != real_lib: + symlinks.append("%s/%s" % (directory,str(f))) + clean = env.Command('clean-%s' % str(obj[0]), [], Delete(symlinks)) + Default(clean) + Depends(obj, clean) + else: + obj = env.SharedLibrary(name, source = sources, LIBS=libs) + + Default(obj) + return obj + +def resolve_includes(target, source, env): + # File collection + FileEntry = collections.namedtuple('FileEntry', 'target_name file_contents') + + # Include pattern + pattern = re.compile("#include \"(.*)\"") + + # Get file contents + files = [] + for s in source: + name = s.rstr().split("/")[-1] + contents = s.get_contents().splitlines() + embed_target_name = s.abspath + "embed" + entry = FileEntry(target_name=embed_target_name, file_contents=contents) + files.append((name,entry)) + + # Create dictionary of tupled list + files_dict = dict(files) + + # Check for includes (can only be files in the same folder) + final_files = [] + for file in files: + done = False + tmp_file = file[1].file_contents + while not done: + file_count = 0 + updated_file = [] + for line in tmp_file: + found = pattern.search(line) + if found: + include_file = found.group(1) + data = files_dict[include_file].file_contents + updated_file.extend(data) + else: + updated_file.append(line) + file_count += 1 + + # Check if all include are replaced. + if file_count == len(tmp_file): + done = True + + # Update temp file + tmp_file = updated_file + + # Append and prepend string literal identifiers and add expanded file to final list + tmp_file.insert(0, "R\"(\n") + tmp_file.append("\n)\"") + entry = FileEntry(target_name=file[1].target_name, file_contents=tmp_file) + final_files.append((file[0], entry)) + + # Write output files + for file in final_files: + with open(file[1].target_name, 'w+') as out_file: + contents = file[1].file_contents + for line in contents: + out_file.write("%s\n" % line) +if GetOption("help"): + Exit(0) - if env['neon'] == '1' and 'x86' in env['arch']: - print "Cannot compile NEON for x86" - Exit(1) +flags = ['-D_GLIBCXX_USE_NANOSLEEP','-Wno-deprecated-declarations','-Wall','-DARCH_ARM', + '-Wextra','-Wno-unused-parameter','-pedantic','-Wdisabled-optimization','-Wformat=2', + '-Winit-self','-Wstrict-overflow=2','-Wswitch-default', + '-fpermissive','-std=gnu++11','-Wno-vla','-Woverloaded-virtual', + '-Wctor-dtor-privacy','-Wsign-promo','-Weffc++','-Wno-format-nonliteral','-Wno-overlength-strings','-Wno-strict-overflow'] - if env['set_soname'] and not version_at_least( SCons.__version__, "2.4"): - print "Setting the library's SONAME / SHLIBVERSION requires SCons 2.4 or above" - print "Update your version of SCons or use set_soname=0" - Exit(1) +if env['neon'] and 'x86' in env['arch']: + print "Cannot compile NEON for x86" + Exit(1) + +if env['set_soname'] and not version_at_least(SCons.__version__, "2.4"): + print "Setting the library's SONAME / SHLIBVERSION requires SCons 2.4 or above" + print "Update your version of SCons or use set_soname=0" + Exit(1) + +if os.environ.get('CXX','g++') == 'clang++': + flags += ['-Wno-format-nonliteral','-Wno-deprecated-increment-bool','-Wno-vla-extension','-Wno-mismatched-tags'] +else: + flags += ['-Wlogical-op','-Wnoexcept','-Wstrict-null-sentinel'] +if env['cppthreads']: + flags += ['-DARM_COMPUTE_CPP_SCHEDULER=1'] + +if env['openmp']: if os.environ.get('CXX','g++') == 'clang++': - flags += ['-Wno-format-nonliteral','-Wno-deprecated-increment-bool','-Wno-vla-extension','-Wno-mismatched-tags'] - else: - flags += ['-Wlogical-op','-Wnoexcept','-Wstrict-null-sentinel'] + print "Clang does not support OpenMP. Use scheduler=cpp." + Exit(1) + + flags += ['-DARM_COMPUTE_OPENMP_SCHEDULER=1','-fopenmp'] + env.Append(LINKFLAGS=['-fopenmp']) - files_to_delete = [] +files_to_delete = [] -#Generate string with build options library version to embed in the library: +# Generate string with build options library version to embed in the library: +try: + git_hash = subprocess.check_output(["git", "rev-parse","HEAD"]) +except (OSError, subbprocess.CalledProcessError): git_hash="unknown" - try: - git_hash = subprocess.check_output(["git", "rev-parse","HEAD"]) - except OSError: # In case git is not present - pass - except subprocess.CalledProcessError: - pass - - version_filename = "%s/arm_compute_version.embed" % os.path.dirname(Glob("src/core/*")[0].rstr()) - build_info = "\"arm_compute_version=%s Build options: %s Git hash=%s\"" % (VERSION, vars.args, git_hash.strip()) - open(version_filename,"w").write(build_info) - files_to_delete.append( version_filename ) - - def build_library(name, sources, libs, static=False): - if static: - obj = env.StaticLibrary(name, source = sources, LIBS=libs ) - else: - if env['set_soname']: - obj = env.SharedLibrary(name, source = sources, LIBS=libs, SHLIBVERSION=SONAME_VERSION) - symlinks = [] - # Manually delete symlinks or SCons will get confused: - directory = os.path.dirname( obj[0].path ) - library_prefix = obj[0].path[:-(1+len(SONAME_VERSION))] - real_lib="%s.%s" % (library_prefix, SONAME_VERSION) - for f in Glob( "#%s*" % library_prefix): - if str(f) != real_lib: - symlinks.append("%s/%s" % (directory,str(f))) - clean = env.Command('clean-%s' % str(obj[0]), [], Delete(symlinks)) - Default(clean) - Depends(obj, clean) - else: - obj = env.SharedLibrary(name, source = sources, LIBS=libs) - - Default(obj) - return obj - - def resolve_includes(target, source, env): - # File collection - FileEntry = collections.namedtuple('FileEntry', 'target_name file_contents') - - # Include pattern - pattern = re.compile("#include \"(.*)\"") - - # Get file contents - files = [] - for s in source: - name = s.rstr().split("/")[-1] - contents = s.get_contents().splitlines() - embed_target_name = s.abspath + "embed" - entry = FileEntry(target_name=embed_target_name, file_contents=contents) - files.append((name,entry)) - - # Create dictionary of tupled list - files_dict = dict(files) - - # Check for includes (can only be files in the same folder) - final_files = [] - for file in files: - done = False - tmp_file = file[1].file_contents - while not(done): - file_count = 0 - updated_file = [] - for line in tmp_file: - found = pattern.search(line) - if found: - include_file = found.group(1) - data = files_dict[include_file].file_contents - updated_file.extend(data) - else: - updated_file.append(line) - file_count += 1 - - # Check if all include are replaced. - if file_count == len(tmp_file): - done = True - - # Update temp file - tmp_file = updated_file - - # Append and prepend string literal identifiers and add expanded file to final list - tmp_file.insert(0, "R\"(\n") - tmp_file.append("\n)\"") - entry = FileEntry(target_name=file[1].target_name, file_contents=tmp_file) - final_files.append((file[0], entry)) - - # Write output files - for file in final_files: - out_file = open(file[1].target_name, 'w+') - contents = file[1].file_contents - for line in contents: - out_file.write("%s\n" % line) - core_libs = [] - libs = [] - - prefix="" - - if env['arch'] == 'armv7a': - flags += ['-march=armv7-a','-mthumb','-mfpu=neon'] - - if env['os'] in ['linux','bare_metal']: - prefix = "arm-linux-gnueabihf-" - flags += ['-mfloat-abi=hard'] - elif env['os'] == 'android': - prefix = "arm-linux-androideabi-" - flags += ['-mfloat-abi=softfp'] - elif env['arch'] == 'arm64-v8a': - flags += ['-march=armv8-a'] - if env['os'] in ['linux','bare_metal']: - prefix = "aarch64-linux-gnu-" - elif env['os'] == 'android': - prefix = "aarch64-linux-android-" - elif env['arch'] == 'arm64-v8.2-a': - flags += ['-march=armv8.2-a+fp16+simd'] - flags += ['-DARM_COMPUTE_ENABLE_FP16'] - if env['os'] in ['linux','bare_metal']: - prefix = "aarch64-linux-gnu-" - elif env['os'] == 'android': - prefix = "aarch64-linux-android-" - elif env['arch'] == 'x86_32': - flags += ['-m32'] - elif env['arch'] == 'x86_64': - flags += ['-m64'] - - if env['build'] == 'native': - prefix = "" - - env['CC'] = prefix + os.environ.get('CC','gcc') - env['CXX'] = prefix + os.environ.get('CXX','g++') - env['LD'] = prefix + "ld" - env['AS'] = prefix + "as" - env['AR'] = prefix + "ar" - env['RANLIB'] = prefix + "ranlib" - - try: - compiler_ver = subprocess.check_output( [env['CXX'] , "-dumpversion"] ).strip() - except OSError: - print "ERROR: Compiler '%s' not found" % env['CXX'] +version_filename = "%s/arm_compute_version.embed" % os.path.dirname(Glob("src/core/*")[0].rstr()) +build_info = "\"arm_compute_version=%s Build options: %s Git hash=%s\"" % (VERSION, vars.args, git_hash.strip()) + +with open(version_filename, "w") as fd: + fd.write(build_info) + +files_to_delete.append(version_filename) + +core_libs = ['dl'] +libs = ['dl'] + +prefix="" + +if env['arch'] == 'armv7a': + flags += ['-march=armv7-a','-mthumb','-mfpu=neon'] + + if env['os'] in ['linux','bare_metal']: + prefix = "arm-linux-gnueabihf-" + flags += ['-mfloat-abi=hard'] + elif env['os'] == 'android': + prefix = "arm-linux-androideabi-" + flags += ['-mfloat-abi=softfp'] +elif env['arch'] == 'arm64-v8a': + flags += ['-march=armv8-a'] + + if env['os'] in ['linux','bare_metal']: + prefix = "aarch64-linux-gnu-" + elif env['os'] == 'android': + prefix = "aarch64-linux-android-" +elif env['arch'] == 'arm64-v8.2-a': + flags += ['-march=armv8.2-a+fp16+simd'] + flags += ['-DARM_COMPUTE_ENABLE_FP16'] + + if env['os'] in ['linux','bare_metal']: + prefix = "aarch64-linux-gnu-" + elif env['os'] == 'android': + prefix = "aarch64-linux-android-" +elif env['arch'] == 'x86_32': + flags += ['-m32'] +elif env['arch'] == 'x86_64': + flags += ['-m64'] + +if env['build'] == 'native': + prefix = "" + +env['CC'] = prefix + os.environ.get('CC','gcc') +env['CXX'] = prefix + os.environ.get('CXX','g++') +env['LD'] = prefix + "ld" +env['AS'] = prefix + "as" +env['AR'] = prefix + "ar" +env['RANLIB'] = prefix + "ranlib" + +try: + compiler_ver = subprocess.check_output( [env['CXX'] , "-dumpversion"] ).strip() +except OSError: + print "ERROR: Compiler '%s' not found" % env['CXX'] + Exit(1) + +if os.environ.get('CXX','g++') == 'g++': + if env['arch'] == 'arm64-v8.2-a' and not version_at_least(compiler_ver, '6.2.1'): + print "GCC 6.2.1 or newer is required to compile armv8.2-a code" Exit(1) - if os.environ.get('CXX','g++') == 'g++': - if env['arch'] == 'arm64-v8.2-a' and not version_at_least(compiler_ver, '6.2.1'): - print "GCC 6.2.1 or newer is required to compile armv8.2-a code" - Exit(1) - - if env['arch'] == 'arm64-v8a' and not version_at_least(compiler_ver, '4.9'): - print "GCC 4.9 or newer is required to compile NEON code for AArch64" - Exit(1) - - if version_at_least(compiler_ver, '6.1'): - flags += ['-Wno-ignored-attributes'] - - if compiler_ver == '4.8.3': - flags += ['-Wno-array-bounds'] - - if env['Werror'] == '1': - flags += ['-Werror'] - - example_libs = [] - if env['os'] == 'android': - flags += ['-DANDROID'] - env.Append(LINKFLAGS=['-pie','-static-libstdc++']) - example_libs = ['arm_compute-static'] - elif env['os'] == 'bare_metal': - env.Append(LINKFLAGS=['-static']) - flags += ['-fPIC','-DNO_MULTI_THREADING'] - example_libs = ['arm_compute-static'] - else: - libs += ['pthread'] - example_libs = ['arm_compute'] - - if env['opencl'] == '1': - if env['os'] == 'bare_metal': - raise Exception("Cannot link OpenCL statically, which is required on bare metal") - core_libs += ['OpenCL'] - if env['embed_kernels'] == '1': - flags += ['-DEMBEDDED_KERNELS'] - - if env['debug'] == '1': - env['asserts'] = '1' - flags += ['-O0','-g','-gdwarf-2'] - else: - flags += ['-O3','-ftree-vectorize'] - - if env['asserts'] == '1': - flags += ['-DARM_COMPUTE_ASSERTS_ENABLED'] - - env.Append(CPPPATH=['.','#include']) - env.Append(LIBPATH=['#build','.']) - env.Append(CXXFLAGS=flags) - env.Append(CXXFLAGS=env['extra_cxx_flags']) - - core_files = Glob('src/core/*.cpp') - core_files += Glob('src/core/CPP/*.cpp') - - files = Glob('src/runtime/*.cpp') - - embed_files = [] - core_files += Glob('src/core/CPP/kernels/*.cpp') - - files += Glob('src/runtime/CPP/*.cpp') - - if env['opencl'] == '1': - example_libs += ['OpenCL'] - core_files += Glob('src/core/CL/*.cpp') - core_files += Glob('src/core/CL/kernels/*.cpp') - files += Glob('src/runtime/CL/*.cpp') - files += Glob('src/runtime/CL/functions/*.cpp') - # Generate embed files - if env['embed_kernels'] == '1': - cl_files = Glob('src/core/CL/cl_kernels/*.cl') + Glob('src/core/CL/cl_kernels/*.h') - source_list = [] - for file in cl_files: - source_name = file.rstr() - source_list.append(source_name) - embed_files.append(source_name + "embed") - generate_embed = env.Command(embed_files, source_list, action=resolve_includes) - Default(generate_embed) - files_to_delete += embed_files - - if env['neon'] == '1': - core_files += Glob('src/core/NEON/*.cpp') - core_files += Glob('src/core/NEON/kernels/*.cpp') - files += Glob('src/runtime/NEON/*.cpp') - files += Glob('src/runtime/NEON/functions/*.cpp') - - objects=[] - static_core_objects = [ env.StaticObject( f ) for f in core_files ] - shared_core_objects = [ env.SharedObject( f ) for f in core_files ] - - arm_compute_core_a = build_library('arm_compute_core-static', static_core_objects, core_libs, static=True) - objects.append(arm_compute_core_a) - Export('arm_compute_core_a') - - if env['os'] != 'bare_metal': - arm_compute_core_so = build_library('arm_compute_core', shared_core_objects, core_libs, static=False) - objects.append(arm_compute_core_so) - Export('arm_compute_core_so') - shared_objects = [ env.SharedObject( f ) for f in files ] - static_objects = [ env.StaticObject( f ) for f in files ] - - arm_compute_a = build_library('arm_compute-static', static_core_objects + static_objects, libs, static=True) - objects.append(arm_compute_a) - Export('arm_compute_a') - if env['os'] != 'bare_metal': - arm_compute_so = build_library('arm_compute', shared_core_objects + shared_objects, libs, static=False) - objects.append(arm_compute_so) - Export('arm_compute_so') + if env['arch'] == 'arm64-v8a' and not version_at_least(compiler_ver, '4.9'): + print "GCC 4.9 or newer is required to compile NEON code for AArch64" + Exit(1) + + if version_at_least(compiler_ver, '6.1'): + flags += ['-Wno-ignored-attributes'] + + if compiler_ver == '4.8.3': + flags += ['-Wno-array-bounds'] + +if env['Werror']: + flags += ['-Werror'] + +example_libs = [] + +if env['os'] == 'android': + flags += ['-DANDROID'] + env.Append(LINKFLAGS=['-pie','-static-libstdc++']) + example_libs = ['arm_compute-static'] +elif env['os'] == 'bare_metal': + env.Append(LINKFLAGS=['-static']) + flags += ['-fPIC','-DNO_MULTI_THREADING'] + example_libs = ['arm_compute-static'] +else: + libs += ['pthread'] + example_libs = ['arm_compute'] + +if env['opencl']: + if env['os'] == 'bare_metal': + raise Exception("Cannot link OpenCL statically, which is required on bare metal") + if env['embed_kernels']: + flags += ['-DEMBEDDED_KERNELS'] + +if env['debug']: + env['asserts'] = True + flags += ['-O0','-g','-gdwarf-2'] +else: + flags += ['-O3','-ftree-vectorize'] + +if env['asserts']: + flags += ['-DARM_COMPUTE_ASSERTS_ENABLED'] + +env.Append(CPPPATH=['.','#include']) +env.Append(LIBPATH=['#build/%s' % env['build_dir'],'.']) +env.Append(CXXFLAGS=flags) +env.Append(CXXFLAGS=env['extra_cxx_flags']) + +core_files = Glob('src/core/*.cpp') +core_files += Glob('src/core/CPP/*.cpp') + +files = Glob('src/runtime/*.cpp') + +embed_files = [] +core_files += Glob('src/core/CPP/kernels/*.cpp') +# CLHarrisCorners uses the Scheduler to run CPP kernels +files += Glob('src/runtime/CPP/SingleThreadScheduler.cpp') + +if env['os'] == 'bare_metal': + if env['cppthreads'] or env['openmp']: + print "ERROR: OpenMP and C++11 threads not supported in bare_metal. Use cppthreads=0 openmp=0" + Exit(1) +else: + if env['cppthreads']: + files += Glob('src/runtime/CPP/CPPScheduler.cpp') + if env['openmp']: + files += Glob('src/runtime/OMP/OMPScheduler.cpp') + +if env['opencl']: + core_files += Glob('src/core/CL/*.cpp') + core_files += Glob('src/core/CL/kernels/*.cpp') + files += Glob('src/runtime/CL/*.cpp') + files += Glob('src/runtime/CL/functions/*.cpp') + + # Generate embed files + if env['embed_kernels']: + cl_files = Glob('src/core/CL/cl_kernels/*.cl') + Glob('src/core/CL/cl_kernels/*.h') + source_list = [] + for file in cl_files: + source_name = file.rstr() + source_list.append(source_name) + embed_files.append(source_name + "embed") + generate_embed = env.Command(embed_files, source_list, action=resolve_includes) + Default(generate_embed) + files_to_delete += embed_files + +if env['neon']: + core_files += Glob('src/core/NEON/*.cpp') + core_files += Glob('src/core/NEON/kernels/*.cpp') + files += Glob('src/runtime/NEON/*.cpp') + files += Glob('src/runtime/NEON/functions/*.cpp') + +objects=[] +static_core_objects = [ env.StaticObject( f ) for f in core_files ] +shared_core_objects = [ env.SharedObject( f ) for f in core_files ] + +arm_compute_core_a = build_library('arm_compute_core-static', static_core_objects, core_libs, static=True) +objects.append(arm_compute_core_a) +Export('arm_compute_core_a') + +if env['os'] != 'bare_metal': + arm_compute_core_so = build_library('arm_compute_core', shared_core_objects, core_libs, static=False) + objects.append(arm_compute_core_so) + Export('arm_compute_core_so') + +shared_objects = [ env.SharedObject( f ) for f in files ] +static_objects = [ env.StaticObject( f ) for f in files ] + +arm_compute_a = build_library('arm_compute-static', static_core_objects + static_objects, libs, static=True) +objects.append(arm_compute_a) +Export('arm_compute_a') + +if env['os'] != 'bare_metal': + arm_compute_so = build_library('arm_compute', shared_core_objects + shared_objects, libs, static=False) + objects.append(arm_compute_so) + Export('arm_compute_so') # Delete produced embed files - clean_embed = env.Command('clean-embed', [], Delete(files_to_delete)) - Default(clean_embed) - env.Depends(clean_embed, objects) - alias = env.Alias("arm_compute",objects) - Default(alias) +clean_embed = env.Command('clean-embed', [], Delete(files_to_delete)) +Default(clean_embed) +env.Depends(clean_embed, objects) +alias = env.Alias("arm_compute",objects) +Default(alias) # Build examples - test_helpers = env.Object("test_helpers/Utils.cpp") - - if env['opencl'] == '1' and env['neon'] == '1': - for file in Glob("examples/neoncl_*.cpp"): - example = os.path.basename( os.path.splitext(str(file))[0]) - prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs) - alias = env.Alias(example, prog) - Depends(prog, objects) - Default( alias ) - - if env['opencl'] == '1': - for file in Glob("examples/cl_*.cpp"): - example = os.path.basename( os.path.splitext(str(file))[0]) - prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs) - alias = env.Alias(example, prog) - Depends(prog, objects) - Default( alias ) - - if env['neon'] == '1': - for file in Glob("examples/neon_*.cpp"): - example = os.path.basename( os.path.splitext(str(file))[0]) - prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs) - alias = env.Alias(example, prog) - Depends(prog, objects) - Default( alias ) +test_helpers = env.Object("test_helpers/Utils.cpp") + +if env['opencl'] and env['neon']: + for file in Glob("examples/neoncl_*.cpp"): + example = os.path.basename( os.path.splitext(str(file))[0]) + prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs+['OpenCL']) + alias = env.Alias(example, prog) + Depends(prog, objects) + Default( alias ) + +if env['opencl']: + for file in Glob("examples/cl_*.cpp"): + example = os.path.basename( os.path.splitext(str(file))[0]) + prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs+['OpenCL']) + alias = env.Alias(example, prog) + Depends(prog, objects) + Default( alias ) + +if env['neon']: + for file in Glob("examples/neon_*.cpp"): + example = os.path.basename( os.path.splitext(str(file))[0]) + prog = env.Program(example, ['examples/%s.cpp' % example, test_helpers], LIBS=example_libs) + alias = env.Alias(example, prog) + Depends(prog, objects) + Default( alias ) + +Export('env') diff --git a/src/core/AccessWindowTranspose.cpp b/src/core/AccessWindowTranspose.cpp index 8213ec05b..45d40620f 100644 --- a/src/core/AccessWindowTranspose.cpp +++ b/src/core/AccessWindowTranspose.cpp @@ -51,12 +51,10 @@ ValidRegion AccessWindowTranspose::compute_valid_region(const Window &window, Va // size required by this kernel (if undefined). // Additionally the valid region is shifted by the offset that is used by // the kernel to write back output values. - // Note that because the class can handle skewed transpose operations all - // size have to be scaled. - anchor.set(0, std::max<int>(DIV_CEIL(window.y().start(), window.y().step()) * _width, - DIV_CEIL((anchor[1] + border_size.top) * _width, window.y().step()) + _x)); - anchor.set(1, std::max<int>(DIV_CEIL(window.x().start(), window.x().step()) * _height, - DIV_CEIL((anchor[0] + border_size.left) * _height, window.x().step()) + _y)); + // As the relation between input and output is transposed window.y() is + // used for x anchor and window.x() for y anchor. + anchor.set(0, std::max<int>(window.y().start() * _scale_x, anchor[1] + border_size.top) + _x); + anchor.set(1, std::max<int>(window.x().start() * _scale_y, anchor[0] + border_size.left) + _y); // End of the valid region is equal to the start of the last write of the // kernel plus the number of written elements. (This assumes that all @@ -66,12 +64,10 @@ ValidRegion AccessWindowTranspose::compute_valid_region(const Window &window, Va // old size is first converted into end points to compared against the // execution window. Afterwards the new end points are converted back into // a size of the region. - // Note that because the class can handle skewed transpose operations all - // size have to be scaled. - shape.set(0, std::min<int>(((old_anchor[1] + old_shape[1] - border_size.right) * _width) / window.y().step(), - (window.y().end() / window.y().step()) * _width)); - shape.set(1, std::min<int>(((old_anchor[0] + old_shape[0] - border_size.bottom) * _height) / window.x().step(), - (window.x().end() / window.x().step()) * _height)); + // As the relation between input and output is transposed window.y() is + // used for x shape and window.x() for y shape. + shape.set(0, std::min<int>(old_anchor[1] + old_shape[1] - border_size.right, (window.y().end() - window.y().step()) * _scale_x + _width) - anchor[0]); + shape.set(1, std::min<int>(old_anchor[0] + old_shape[0] - border_size.bottom, (window.x().end() - window.x().step()) * _scale_y + _height) - anchor[1]); // For higher dimensions use the intersection of the window size and the // valid region of the input @@ -100,9 +96,9 @@ bool AccessWindowTranspose::update_window_if_needed(Window &window) const int front_pad_y = 0; - // Transpose and scale according to the number ratio between processed elements in input and output - const int min_y = (window.x().start() / window.x().step()) * _height + _y; - const int max_y = (window.x().end() / window.x().step()) * _height + _y; + // Transpose and scale + const int min_y = window.x().start() * _scale_y + _y; + const int max_y = window.x().end() * _scale_y + _y; // Adjust window start for output's Y dimension (so X in (input) window) if(min_y < 0) @@ -113,14 +109,14 @@ bool AccessWindowTranspose::update_window_if_needed(Window &window) const if(min_y < front_pad_y_available) { // Not enough padding available, need to shrink the window - const int start = ((adjust_up(min_y, front_pad_y_available, _height) - _y) / _height) * window.x().step(); + const int start = adjust_up(min_y, front_pad_y_available, window.x().step() * _scale_y) - _y; - window.set(0, Window::Dimension(start, window.x().end(), window.x().step())); + window.set(0, Window::Dimension(start / _scale_y, window.x().end(), window.x().step())); window_modified = true; } // Update front padding with reconstructed value - front_pad_y = std::max(0, -(window.x().start() / window.x().step()) * _height - _y); + front_pad_y = std::max(0, static_cast<int>(std::floor(-window.x().start() * _scale_y)) - _y); } // Adjust window end for Y dimension @@ -134,17 +130,17 @@ bool AccessWindowTranspose::update_window_if_needed(Window &window) const if(static_cast<int>(shape[1]) + tail_pad_y_available < max_y) { // Not enough padding available, need to shrink the window - const int end = ((adjust_down(max_y, shape[1] + tail_pad_y_available, _height) - _y) / _height) * window.x().step(); - window.set(0, Window::Dimension(window.x().start(), end, window.x().step())); + const int end = adjust_down(max_y, shape[1] + tail_pad_y_available, window.x().step() * _scale_y) + window.x().step() * _scale_y - _y - _height; + window.set(0, Window::Dimension(window.x().start(), end / _scale_y, window.x().step())); window_modified = true; } } int front_pad_x = 0; - // Transpose and scale according to the number ratio between processed elements in input and output - const int min_x = (window.y().start() / window.y().step()) * _width + _x; - const int max_x = (window.y().end() / window.y().step()) * _width + _x; + // Transpose and scale + const int min_x = window.y().start() * _scale_x + _x; + const int max_x = window.y().end() * _scale_x + _x; const int stride_y = _info->num_dimensions() > 1 ? strides[1] : _info->total_size(); @@ -156,13 +152,13 @@ bool AccessWindowTranspose::update_window_if_needed(Window &window) const if(min_x < front_pad_x_available) { // Not enough padding available, need to shrink the window - const int start = ((adjust_up(min_x, front_pad_x_available, _width) - _x) / _width) * window.y().step(); - window.set(1, Window::Dimension(start, window.y().end(), window.y().step())); + const int start = adjust_up(min_x, front_pad_x_available, window.y().step() * _scale_x) - _x; + window.set(1, Window::Dimension(start / _scale_x, window.y().end(), window.y().step())); window_modified = true; } // Update front padding with reconstructed value - front_pad_x = std::max(0, -(window.y().start() / window.y().step()) * _width - _x); + front_pad_x = std::max(0, static_cast<int>(std::floor(-window.y().start() * _scale_x)) - _x); } // Adjust window end for X dimension @@ -173,8 +169,8 @@ bool AccessWindowTranspose::update_window_if_needed(Window &window) const if(static_cast<int>(shape[0]) + tail_pad_x_available < max_x) { // Not enough padding available, need to shrink the window - const int end = ((adjust_down(max_x, shape[0] + tail_pad_x_available, _width) - _x) / _width) * window.y().step(); - window.set(1, Window::Dimension(window.y().start(), end, window.y().step())); + const int end = adjust_down(max_x, shape[0] + tail_pad_x_available, window.y().step() * _scale_x) + window.y().step() * _scale_x - _x - _width; + window.set(1, Window::Dimension(window.y().start(), end / _scale_x, window.y().step())); window_modified = true; } } @@ -195,10 +191,10 @@ bool AccessWindowTranspose::update_padding_if_needed(const Window &window) const ARM_COMPUTE_ERROR_ON(window.y().step() == 0); ARM_COMPUTE_ERROR_ON(window.x().step() == 0); - const int min_x = (window.y().start() / window.y().step()) * _width + _x; - const int max_x = (window.y().end() / window.y().step()) * _width + _x; - const int min_y = (window.x().start() / window.y().step()) * _height + _y; - const int max_y = (window.x().end() / window.x().step()) * _height + _y; + const int min_x = window.y().start() * _scale_x + _x; + const int max_x = window.y().end() * _scale_x + _x; + const int min_y = window.x().start() * _scale_y + _y; + const int max_y = window.x().end() * _scale_y + _y; const TensorShape &shape = _info->tensor_shape(); diff --git a/src/core/CL/CLKernelLibrary.cpp b/src/core/CL/CLKernelLibrary.cpp index 2f97aad1a..bc12aad34 100644 --- a/src/core/CL/CLKernelLibrary.cpp +++ b/src/core/CL/CLKernelLibrary.cpp @@ -152,9 +152,9 @@ const std::map<std::string, std::string> CLKernelLibrary::_kernel_program_map = { "gaussian5x1_sub_y", "gaussian_pyramid.cl" }, { "gemm_accumulate_biases_f16", "gemm.cl" }, { "gemm_accumulate_biases_f32", "gemm.cl" }, - { "gemm_interleave4x4_u8", "gemm.cl" }, - { "gemm_interleave4x4_f16", "gemm.cl" }, - { "gemm_interleave4x4_f32", "gemm.cl" }, + { "gemm_interleave4x4_8bit", "gemm.cl" }, + { "gemm_interleave4x4_16bit", "gemm.cl" }, + { "gemm_interleave4x4_32bit", "gemm.cl" }, { "gemm_ma_f16", "gemm.cl" }, { "gemm_ma_f32", "gemm.cl" }, { "gemm_mm_u8", "gemm.cl" }, diff --git a/src/core/CL/OpenCL.cpp b/src/core/CL/OpenCL.cpp new file mode 100644 index 000000000..80fcfb56b --- /dev/null +++ b/src/core/CL/OpenCL.cpp @@ -0,0 +1,546 @@ +/* + * Copyright (c) 2017 ARM Limited. + * + * SPDX-License-Identifier: MIT + * + * Permission is hereby granted, free of charge, to any person obtaining a copy + * of this software and associated documentation files (the "Software"), to + * deal in the Software without restriction, including without limitation the + * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or + * sell copies of the Software, and to permit persons to whom the Software is + * furnished to do so, subject to the following conditions: + * + * The above copyright notice and this permission notice shall be included in all + * copies or substantial portions of the Software. + * + * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + * SOFTWARE. + */ + +#include "arm_compute/core/CL/OpenCL.h" + +#include <dlfcn.h> +#include <iostream> + +using clBuildProgram_func = cl_int (*)(cl_program, cl_uint, const cl_device_id *, const char *, void (*pfn_notify)(cl_program, void *), void *); +using clEnqueueNDRangeKernel_func = cl_int (*)(cl_command_queue, cl_kernel, cl_uint, const size_t *, const size_t *, const size_t *, cl_uint, const cl_event *, cl_event *); +using clSetKernelArg_func = cl_int (*)(cl_kernel, cl_uint, size_t, const void *); +using clReleaseMemObject_func = cl_int (*)(cl_mem); +using clEnqueueUnmapMemObject_func = cl_int (*)(cl_command_queue, cl_mem, void *, cl_uint, const cl_event *, cl_event *); +using clRetainCommandQueue_func = cl_int (*)(cl_command_queue command_queue); +using clReleaseContext_func = cl_int (*)(cl_context); +using clReleaseEvent_func = cl_int (*)(cl_event); +using clEnqueueWriteBuffer_func = cl_int (*)(cl_command_queue, cl_mem, cl_bool, size_t, size_t, const void *, cl_uint, const cl_event *, cl_event *); +using clEnqueueReadBuffer_func = cl_int (*)(cl_command_queue, cl_mem, cl_bool, size_t, size_t, void *, cl_uint, const cl_event *, cl_event *); +using clGetProgramBuildInfo_func = cl_int (*)(cl_program, cl_device_id, cl_program_build_info, size_t, void *, size_t *); +using clRetainProgram_func = cl_int (*)(cl_program program); +using clEnqueueMapBuffer_func = void *(*)(cl_command_queue, cl_mem, cl_bool, cl_map_flags, size_t, size_t, cl_uint, const cl_event *, cl_event *, cl_int *); +using clReleaseCommandQueue_func = cl_int (*)(cl_command_queue); +using clCreateProgramWithBinary_func = cl_program (*)(cl_context, cl_uint, const cl_device_id *, const size_t *, const unsigned char **, cl_int *, cl_int *); +using clRetainContext_func = cl_int (*)(cl_context context); +using clReleaseProgram_func = cl_int (*)(cl_program program); +using clFlush_func = cl_int (*)(cl_command_queue command_queue); +using clGetProgramInfo_func = cl_int (*)(cl_program, cl_program_info, size_t, void *, size_t *); +using clCreateKernel_func = cl_kernel (*)(cl_program, const char *, cl_int *); +using clRetainKernel_func = cl_int (*)(cl_kernel kernel); +using clCreateBuffer_func = cl_mem (*)(cl_context, cl_mem_flags, size_t, void *, cl_int *); +using clCreateProgramWithSource_func = cl_program (*)(cl_context, cl_uint, const char **, const size_t *, cl_int *); +using clReleaseKernel_func = cl_int (*)(cl_kernel kernel); + +class CLSymbols +{ +private: + CLSymbols() + { + void *handle = dlopen("libOpenCL.so", RTLD_LAZY | RTLD_LOCAL); + if(handle == nullptr) + { + std::cerr << "Can't load libOpenCL.so: " << dlerror() << std::endl; + } + else + { + clBuildProgram = reinterpret_cast<clBuildProgram_func>(dlsym(handle, "clBuildProgram")); + clEnqueueNDRangeKernel = reinterpret_cast<clEnqueueNDRangeKernel_func>(dlsym(handle, "clEnqueueNDRangeKernel")); + clSetKernelArg = reinterpret_cast<clSetKernelArg_func>(dlsym(handle, "clSetKernelArg")); + clReleaseKernel = reinterpret_cast<clReleaseKernel_func>(dlsym(handle, "clReleaseKernel")); + clCreateProgramWithSource = reinterpret_cast<clCreateProgramWithSource_func>(dlsym(handle, "clCreateProgramWithSource")); + clCreateBuffer = reinterpret_cast<clCreateBuffer_func>(dlsym(handle, "clCreateBuffer")); + clRetainKernel = reinterpret_cast<clRetainKernel_func>(dlsym(handle, "clRetainKernel")); + clCreateKernel = reinterpret_cast<clCreateKernel_func>(dlsym(handle, "clCreateKernel")); + clGetProgramInfo = reinterpret_cast<clGetProgramInfo_func>(dlsym(handle, "clGetProgramInfo")); + clFlush = reinterpret_cast<clFlush_func>(dlsym(handle, "clFlush")); + clReleaseProgram = reinterpret_cast<clReleaseProgram_func>(dlsym(handle, "clReleaseProgram")); + clRetainContext = reinterpret_cast<clRetainContext_func>(dlsym(handle, "clRetainContext")); + clCreateProgramWithBinary = reinterpret_cast<clCreateProgramWithBinary_func>(dlsym(handle, "clCreateProgramWithBinary")); + clReleaseCommandQueue = reinterpret_cast<clReleaseCommandQueue_func>(dlsym(handle, "clReleaseCommandQueue")); + clEnqueueMapBuffer = reinterpret_cast<clEnqueueMapBuffer_func>(dlsym(handle, "clEnqueueMapBuffer")); + clRetainProgram = reinterpret_cast<clRetainProgram_func>(dlsym(handle, "clRetainProgram")); + clGetProgramBuildInfo = reinterpret_cast<clGetProgramBuildInfo_func>(dlsym(handle, "clGetProgramBuildInfo")); + clEnqueueReadBuffer = reinterpret_cast<clEnqueueReadBuffer_func>(dlsym(handle, "clEnqueueReadBuffer")); + clEnqueueWriteBuffer = reinterpret_cast<clEnqueueWriteBuffer_func>(dlsym(handle, "clEnqueueWriteBuffer")); + clReleaseEvent = reinterpret_cast<clReleaseEvent_func>(dlsym(handle, "clReleaseEvent")); + clReleaseContext = reinterpret_cast<clReleaseContext_func>(dlsym(handle, "clReleaseContext")); + clRetainCommandQueue = reinterpret_cast<clRetainCommandQueue_func>(dlsym(handle, "clRetainCommandQueue")); + clEnqueueUnmapMemObject = reinterpret_cast<clEnqueueUnmapMemObject_func>(dlsym(handle, "clEnqueueUnmapMemObject")); + clReleaseMemObject = reinterpret_cast<clReleaseMemObject_func>(dlsym(handle, "clReleaseMemObject")); + dlclose(handle); + } + } + +public: + static CLSymbols &get() + { + static CLSymbols symbols = CLSymbols(); + return symbols; + } + + clBuildProgram_func clBuildProgram = nullptr; + clEnqueueNDRangeKernel_func clEnqueueNDRangeKernel = nullptr; + clSetKernelArg_func clSetKernelArg = nullptr; + clReleaseKernel_func clReleaseKernel = nullptr; + clCreateProgramWithSource_func clCreateProgramWithSource = nullptr; + clCreateBuffer_func clCreateBuffer = nullptr; + clRetainKernel_func clRetainKernel = nullptr; + clCreateKernel_func clCreateKernel = nullptr; + clGetProgramInfo_func clGetProgramInfo = nullptr; + clFlush_func clFlush = nullptr; + clReleaseProgram_func clReleaseProgram = nullptr; + clRetainContext_func clRetainContext = nullptr; + clCreateProgramWithBinary_func clCreateProgramWithBinary = nullptr; + clReleaseCommandQueue_func clReleaseCommandQueue = nullptr; + clEnqueueMapBuffer_func clEnqueueMapBuffer = nullptr; + clRetainProgram_func clRetainProgram = nullptr; + clGetProgramBuildInfo_func clGetProgramBuildInfo = nullptr; + clEnqueueReadBuffer_func clEnqueueReadBuffer = nullptr; + clEnqueueWriteBuffer_func clEnqueueWriteBuffer = nullptr; + clReleaseEvent_func clReleaseEvent = nullptr; + clReleaseContext_func clReleaseContext = nullptr; + clRetainCommandQueue_func clRetainCommandQueue = nullptr; + clEnqueueUnmapMemObject_func clEnqueueUnmapMemObject = nullptr; + clReleaseMemObject_func clReleaseMemObject = nullptr; +}; + +bool arm_compute::opencl_is_available() +{ + return CLSymbols::get().clBuildProgram != nullptr; +} + +cl_int clBuildProgram( + cl_program program, + cl_uint num_devices, + const cl_device_id *device_list, + const char *options, + void(CL_CALLBACK *pfn_notify)(cl_program program, void *user_data), + void *user_data) +{ + auto func = CLSymbols::get().clBuildProgram; + if(func != nullptr) + { + return func(program, num_devices, device_list, options, pfn_notify, user_data); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clEnqueueNDRangeKernel( + cl_command_queue command_queue, + cl_kernel kernel, + cl_uint work_dim, + const size_t *global_work_offset, + const size_t *global_work_size, + const size_t *local_work_size, + cl_uint num_events_in_wait_list, + const cl_event *event_wait_list, + cl_event *event) +{ + auto func = CLSymbols::get().clEnqueueNDRangeKernel; + if(func != nullptr) + { + return func(command_queue, kernel, work_dim, global_work_offset, global_work_size, local_work_size, num_events_in_wait_list, event_wait_list, event); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clSetKernelArg( + cl_kernel kernel, + cl_uint arg_index, + size_t arg_size, + const void *arg_value) +{ + auto func = CLSymbols::get().clSetKernelArg; + if(func != nullptr) + { + return func(kernel, arg_index, arg_size, arg_value); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clReleaseMemObject(cl_mem memobj) +{ + auto func = CLSymbols::get().clReleaseMemObject; + if(func != nullptr) + { + return func(memobj); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clEnqueueUnmapMemObject( + cl_command_queue command_queue, + cl_mem memobj, + void *mapped_ptr, + cl_uint num_events_in_wait_list, + const cl_event *event_wait_list, + cl_event *event) +{ + auto func = CLSymbols::get().clEnqueueUnmapMemObject; + if(func != nullptr) + { + return func(command_queue, memobj, mapped_ptr, num_events_in_wait_list, event_wait_list, event); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clRetainCommandQueue(cl_command_queue command_queue) +{ + auto func = CLSymbols::get().clRetainCommandQueue; + if(func != nullptr) + { + return func(command_queue); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clReleaseContext(cl_context context) +{ + auto func = CLSymbols::get().clReleaseContext; + if(func != nullptr) + { + return func(context); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} +cl_int clReleaseEvent(cl_event event) +{ + auto func = CLSymbols::get().clReleaseEvent; + if(func != nullptr) + { + return func(event); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clEnqueueWriteBuffer( + cl_command_queue command_queue, + cl_mem buffer, + cl_bool blocking_write, + size_t offset, + size_t size, + const void *ptr, + cl_uint num_events_in_wait_list, + const cl_event *event_wait_list, + cl_event *event) +{ + auto func = CLSymbols::get().clEnqueueWriteBuffer; + if(func != nullptr) + { + return func(command_queue, buffer, blocking_write, offset, size, ptr, num_events_in_wait_list, event_wait_list, event); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clEnqueueReadBuffer( + cl_command_queue command_queue, + cl_mem buffer, + cl_bool blocking_read, + size_t offset, + size_t size, + void *ptr, + cl_uint num_events_in_wait_list, + const cl_event *event_wait_list, + cl_event *event) +{ + auto func = CLSymbols::get().clEnqueueReadBuffer; + if(func != nullptr) + { + return func(command_queue, buffer, blocking_read, offset, size, ptr, num_events_in_wait_list, event_wait_list, event); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clGetProgramBuildInfo( + cl_program program, + cl_device_id device, + cl_program_build_info param_name, + size_t param_value_size, + void *param_value, + size_t *param_value_size_ret) +{ + auto func = CLSymbols::get().clGetProgramBuildInfo; + if(func != nullptr) + { + return func(program, device, param_name, param_value_size, param_value, param_value_size_ret); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clRetainProgram(cl_program program) +{ + auto func = CLSymbols::get().clRetainProgram; + if(func != nullptr) + { + return func(program); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +void *clEnqueueMapBuffer( + cl_command_queue command_queue, + cl_mem buffer, + cl_bool blocking_map, + cl_map_flags map_flags, + size_t offset, + size_t size, + cl_uint num_events_in_wait_list, + const cl_event *event_wait_list, + cl_event *event, + cl_int *errcode_ret) +{ + auto func = CLSymbols::get().clEnqueueMapBuffer; + if(func != nullptr) + { + return func(command_queue, buffer, blocking_map, map_flags, offset, size, num_events_in_wait_list, event_wait_list, event, errcode_ret); + } + else + { + if(errcode_ret != nullptr) + { + *errcode_ret = CL_OUT_OF_RESOURCES; + } + return nullptr; + } +} + +cl_int clReleaseCommandQueue(cl_command_queue command_queue) +{ + auto func = CLSymbols::get().clReleaseCommandQueue; + if(func != nullptr) + { + return func(command_queue); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_program clCreateProgramWithBinary( + cl_context context, + cl_uint num_devices, + const cl_device_id *device_list, + const size_t *lengths, + const unsigned char **binaries, + cl_int *binary_status, + cl_int *errcode_ret) +{ + auto func = CLSymbols::get().clCreateProgramWithBinary; + if(func != nullptr) + { + return func(context, num_devices, device_list, lengths, binaries, binary_status, errcode_ret); + } + else + { + if(errcode_ret != nullptr) + { + *errcode_ret = CL_OUT_OF_RESOURCES; + } + return nullptr; + } +} + +cl_int clRetainContext(cl_context context) +{ + auto func = CLSymbols::get().clRetainContext; + if(func != nullptr) + { + return func(context); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clReleaseProgram(cl_program program) +{ + auto func = CLSymbols::get().clReleaseProgram; + if(func != nullptr) + { + return func(program); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clFlush(cl_command_queue command_queue) +{ + auto func = CLSymbols::get().clFlush; + if(func != nullptr) + { + return func(command_queue); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_int clGetProgramInfo( + cl_program program, + cl_program_info param_name, + size_t param_value_size, + void *param_value, + size_t *param_value_size_ret) +{ + auto func = CLSymbols::get().clGetProgramInfo; + if(func != nullptr) + { + return func(program, param_name, param_value_size, param_value, param_value_size_ret); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_kernel clCreateKernel( + cl_program program, + const char *kernel_name, + cl_int *errcode_ret) +{ + auto func = CLSymbols::get().clCreateKernel; + if(func != nullptr) + { + return func(program, kernel_name, errcode_ret); + } + else + { + if(errcode_ret != nullptr) + { + *errcode_ret = CL_OUT_OF_RESOURCES; + } + return nullptr; + } +} + +cl_int clRetainKernel(cl_kernel kernel) +{ + auto func = CLSymbols::get().clRetainKernel; + if(func != nullptr) + { + return func(kernel); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} + +cl_mem clCreateBuffer( + cl_context context, + cl_mem_flags flags, + size_t size, + void *host_ptr, + cl_int *errcode_ret) +{ + auto func = CLSymbols::get().clCreateBuffer; + if(func != nullptr) + { + return func(context, flags, size, host_ptr, errcode_ret); + } + else + { + if(errcode_ret != nullptr) + { + *errcode_ret = CL_OUT_OF_RESOURCES; + } + return nullptr; + } +} + +cl_program clCreateProgramWithSource( + cl_context context, + cl_uint count, + const char **strings, + const size_t *lengths, + cl_int *errcode_ret) +{ + auto func = CLSymbols::get().clCreateProgramWithSource; + if(func != nullptr) + { + return func(context, count, strings, lengths, errcode_ret); + } + else + { + if(errcode_ret != nullptr) + { + *errcode_ret = CL_OUT_OF_RESOURCES; + } + return nullptr; + } +} + +cl_int clReleaseKernel(cl_kernel kernel) +{ + auto func = CLSymbols::get().clReleaseKernel; + if(func != nullptr) + { + return func(kernel); + } + else + { + return CL_OUT_OF_RESOURCES; + } +} diff --git a/src/core/CL/cl_kernels/convolution_layer.cl b/src/core/CL/cl_kernels/convolution_layer.cl index 33397b94c..4554dd0fa 100644 --- a/src/core/CL/cl_kernels/convolution_layer.cl +++ b/src/core/CL/cl_kernels/convolution_layer.cl @@ -115,40 +115,35 @@ __kernel void im2col_generic( Tensor3D src = CONVERT_TO_TENSOR3D_STRUCT(src); Image dst = CONVERT_TO_IMAGE_STRUCT_NO_STEP(dst); - // Kernel radius - int KH = kernel_size >> 1; - // Determine output index - uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.stride_y; - __global uchar *tmp_out_ptr = dst.ptr + idx; + uint idx = (get_global_id(1) * width + get_global_id(0)) * dst.stride_y; + __global uchar *output_ptr = dst.ptr + idx; // Determine current input index - const int wi = get_global_id(0) * strides.x - paddings.x; - const int hi = get_global_id(1) * strides.y - paddings.y; + const int top_left_x = get_global_id(0) * strides.x - paddings.x; + const int top_left_y = get_global_id(1) * strides.y - paddings.y; // Linearize convolution elements for(int d = 0; d < kernel_depth; ++d) { - int cur_h = hi; - for(int h = -KH; h <= KH; ++h, ++cur_h) + for(int y = top_left_y, y_e = top_left_y + kernel_size; y < y_e; ++y) { - int cur_w = wi; - for(int w = -KH; w <= KH; ++w, ++cur_w) + for(int x = top_left_x, x_e = top_left_x + kernel_size; x < x_e; ++x, output_ptr += dst.stride_x) { - if(((cur_w < 0) || (cur_w >= input_dims.x)) || ((cur_h < 0) || (cur_h >= input_dims.y))) + if(x < 0 || x >= input_dims.x || y < 0 || y >= input_dims.y) { - *((__global DATA_TYPE *)tmp_out_ptr) = 0; + *((__global DATA_TYPE *)output_ptr) = 0; } else { - *((__global DATA_TYPE *)tmp_out_ptr) = *((__global DATA_TYPE *)(tensor3D_offset(&src, w, h, d))); + *((__global DATA_TYPE *)output_ptr) = *((__global DATA_TYPE *)(tensor3D_offset(&src, x, y, d))); } - tmp_out_ptr += dst.stride_x; } } } + #if defined HAS_BIAS - *((__global DATA_TYPE *)tmp_out_ptr) = (DATA_TYPE)(1); + *((__global DATA_TYPE *)output_ptr) = 1; #endif } diff --git a/src/core/CL/cl_kernels/gemm.cl b/src/core/CL/cl_kernels/gemm.cl index 67e9cee3d..db849f504 100644 --- a/src/core/CL/cl_kernels/gemm.cl +++ b/src/core/CL/cl_kernels/gemm.cl @@ -121,21 +121,21 @@ __kernel void gemm_transpose1x16_u8(IMAGE_DECLARATION(src), /** This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values * - * @param[in] src_ptr Pointer to the source matrix. Supported data types: F32 + * @param[in] src_ptr Pointer to the source matrix. Supported data types: U32/S32/F32 * @param[in] src_stride_x Stride of the source matrix in X dimension (in bytes) * @param[in] src_step_x src_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] src_stride_y Stride of the source matrix in Y dimension (in bytes) * @param[in] src_step_y src_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] src_offset_first_element_in_bytes The offset of the first element in the source matrix - * @param[out] dst_ptr Pointer to the destination matrix Supported data types: F32 + * @param[out] dst_ptr Pointer to the destination matrix Supported data types: U32/S32/F32 * @param[in] dst_stride_x Stride of the destination matrix in X dimension (in bytes) * @param[in] dst_step_x dst_gx_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] dst_stride_y Stride of the destination matrix in Y dimension (in bytes) * @param[in] dst_step_y dst_gx_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] dst_offset_first_element_in_bytes The offset of the first element in the destination matrix */ -__kernel void gemm_interleave4x4_f32(IMAGE_DECLARATION(src), - IMAGE_DECLARATION(dst)) +__kernel void gemm_interleave4x4_32bit(IMAGE_DECLARATION(src), + IMAGE_DECLARATION(dst)) { /* Compute source and destination addresses */ Image src = CONVERT_TO_IMAGE_STRUCT(src); @@ -162,21 +162,21 @@ __kernel void gemm_interleave4x4_f32(IMAGE_DECLARATION(src), /** This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values * - * @param[in] src_ptr Pointer to the source matrix. Supported data types: F16 + * @param[in] src_ptr Pointer to the source matrix. Supported data types: U16/S16/F16 * @param[in] src_stride_x Stride of the source matrix in X dimension (in bytes) * @param[in] src_step_x src_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] src_stride_y Stride of the source matrix in Y dimension (in bytes) * @param[in] src_step_y src_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] src_offset_first_element_in_bytes The offset of the first element in the source matrix - * @param[out] dst_ptr Pointer to the destination matrix Supported data types: F16 + * @param[out] dst_ptr Pointer to the destination matrix Supported data types: U16/S16/F16 * @param[in] dst_stride_x Stride of the destination matrix in X dimension (in bytes) * @param[in] dst_step_x dst_gx_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] dst_stride_y Stride of the destination matrix in Y dimension (in bytes) * @param[in] dst_step_y dst_gx_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] dst_offset_first_element_in_bytes The offset of the first element in the destination matrix */ -__kernel void gemm_interleave4x4_f16(IMAGE_DECLARATION(src), - IMAGE_DECLARATION(dst)) +__kernel void gemm_interleave4x4_16bit(IMAGE_DECLARATION(src), + IMAGE_DECLARATION(dst)) { /* Compute source and destination addresses */ Image src = CONVERT_TO_IMAGE_STRUCT(src); @@ -203,21 +203,21 @@ __kernel void gemm_interleave4x4_f16(IMAGE_DECLARATION(src), /** This OpenCL kernel reshapes the input matrix transposing each 4x4 block and interleaving the values * - * @param[in] src_ptr Pointer to the source matrix. Supported data types: U8 + * @param[in] src_ptr Pointer to the source matrix. Supported data types: U8/S8 * @param[in] src_stride_x Stride of the source matrix in X dimension (in bytes) * @param[in] src_step_x src_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] src_stride_y Stride of the source matrix in Y dimension (in bytes) * @param[in] src_step_y src_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] src_offset_first_element_in_bytes The offset of the first element in the source matrix - * @param[out] dst_ptr Pointer to the destination matrix Supported data types: U8 + * @param[out] dst_ptr Pointer to the destination matrix Supported data types: U8/S8 * @param[in] dst_stride_x Stride of the destination matrix in X dimension (in bytes) * @param[in] dst_step_x dst_gx_stride_x * number of elements along X processed per workitem(in bytes) * @param[in] dst_stride_y Stride of the destination matrix in Y dimension (in bytes) * @param[in] dst_step_y dst_gx_stride_y * number of elements along Y processed per workitem(in bytes) * @param[in] dst_offset_first_element_in_bytes The offset of the first element in the destination matrix */ -__kernel void gemm_interleave4x4_u8(IMAGE_DECLARATION(src), - IMAGE_DECLARATION(dst)) +__kernel void gemm_interleave4x4_8bit(IMAGE_DECLARATION(src), + IMAGE_DECLARATION(dst)) { /* Compute source and destination addresses */ Image src = CONVERT_TO_IMAGE_STRUCT(src); diff --git a/src/core/CL/cl_kernels/helpers.h b/src/core/CL/cl_kernels/helpers.h index 035ab171d..6db8ed567 100644 --- a/src/core/CL/cl_kernels/helpers.h +++ b/src/core/CL/cl_kernels/helpers.h @@ -184,12 +184,12 @@ Tensor3D inline update_tensor3D_workitem_ptr(__global uchar *ptr, uint offset_fi /** Get the pointer position of a Vector * - * @param[in] img Pointer to the starting position of the buffer + * @param[in] vec Pointer to the starting position of the buffer * @param[in] x Relative X position */ -__global inline const uchar *vector_offset(const Image *img, int x) +__global inline const uchar *vector_offset(const Vector *vec, int x) { - return img->ptr + x * img->stride_x; + return vec->ptr + x * vec->stride_x; } /** Get the pointer position of a Image diff --git a/src/core/CL/kernels/CLGEMMInterleave4x4Kernel.cpp b/src/core/CL/kernels/CLGEMMInterleave4x4Kernel.cpp index 488482d10..71d42c560 100644 --- a/src/core/CL/kernels/CLGEMMInterleave4x4Kernel.cpp +++ b/src/core/CL/kernels/CLGEMMInterleave4x4Kernel.cpp @@ -43,8 +43,8 @@ CLGEMMInterleave4x4Kernel::CLGEMMInterleave4x4Kernel() void CLGEMMInterleave4x4Kernel::configure(const ICLTensor *input, ICLTensor *output) { - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8, DataType::F16, DataType::F32); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8, DataType::F16, DataType::F32); + ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8, DataType::S8, DataType::U16, DataType::S16, DataType::U32, DataType::S32, DataType::F16, DataType::F32); + ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8, DataType::S8, DataType::U16, DataType::S16, DataType::U32, DataType::S32, DataType::F16, DataType::F32); ARM_COMPUTE_ERROR_ON_MISMATCHING_DATA_TYPES(input, output); ARM_COMPUTE_ERROR_ON(output->info()->dimension(0) != input->info()->dimension(0) * 4); ARM_COMPUTE_ERROR_ON(output->info()->dimension(1) != std::ceil(static_cast<float>(input->info()->dimension(1)) / 4.0f)); @@ -53,8 +53,9 @@ void CLGEMMInterleave4x4Kernel::configure(const ICLTensor *input, ICLTensor *out _output = output; // Create kernel - std::string data_type_name = lower_string(string_from_data_type(input->info()->data_type())); - _kernel = static_cast<cl::Kernel>(CLKernelLibrary::get().create_kernel("gemm_interleave4x4_" + data_type_name)); + std::string data_type_name; + data_type_name = val_to_string(input->info()->element_size() * 8) + "bit"; + _kernel = static_cast<cl::Kernel>(CLKernelLibrary::get().create_kernel("gemm_interleave4x4_" + data_type_name)); // Configure kernel window const unsigned int num_elems_processed_per_iteration_x = max_cl_vector_width / data_size_from_type(input->info()->data_type()); diff --git a/src/core/CL/kernels/CLGEMMMatrixMultiplyKernel.cpp b/src/core/CL/kernels/CLGEMMMatrixMultiplyKernel.cpp index b22f05918..522674d3e 100644 --- a/src/core/CL/kernels/CLGEMMMatrixMultiplyKernel.cpp +++ b/src/core/CL/kernels/CLGEMMMatrixMultiplyKernel.cpp @@ -114,7 +114,7 @@ void CLGEMMMatrixMultiplyKernel::configure(const ICLTensor *input0, const ICLTen Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration_x, num_elems_processed_per_iteration_y)); - AccessWindowRectangle input0_access(input0->info(), 0, 0, num_elems_processed_per_iteration_y, 1); + AccessWindowRectangle input0_access(input0->info(), 0, 0, num_elems_processed_per_iteration_y, 1, 1.f, 0.25f); AccessWindowRectangle input1_access(input1->info(), 0, 0, num_elems_processed_per_iteration_x, 1); AccessWindowRectangle output_access(output->info(), 0, 0, num_elems_processed_per_iteration_x, num_elems_processed_per_iteration_y); diff --git a/src/core/CL/kernels/CLGEMMTranspose1xWKernel.cpp b/src/core/CL/kernels/CLGEMMTranspose1xWKernel.cpp index ccc5c66fe..30195d9b8 100644 --- a/src/core/CL/kernels/CLGEMMTranspose1xWKernel.cpp +++ b/src/core/CL/kernels/CLGEMMTranspose1xWKernel.cpp @@ -70,8 +70,26 @@ void CLGEMMTranspose1xWKernel::configure(const ICLTensor *input, ICLTensor *outp // Configure window Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); + float scale_x = 1.f; + + switch(input->info()->data_type()) + { + case DataType::U8: + scale_x = 16.f; + break; + case DataType::F16: + scale_x = 8.f; + break; + case DataType::F32: + scale_x = 4.f; + break; + default: + // Do nothing + break; + } + AccessWindowHorizontal input_access(input->info(), 0, num_elems_processed_per_iteration); - AccessWindowTranspose output_access(output->info(), 0, 0, num_elems_processed_per_iteration, 1); + AccessWindowTranspose output_access(output->info(), 0, 0, num_elems_processed_per_iteration, 1, scale_x, 1.f / scale_x); update_window_and_padding(win, input_access, output_access); diff --git a/src/core/CL/kernels/CLIm2ColKernel.cpp b/src/core/CL/kernels/CLIm2ColKernel.cpp index 40933cc5e..8c0fe2666 100644 --- a/src/core/CL/kernels/CLIm2ColKernel.cpp +++ b/src/core/CL/kernels/CLIm2ColKernel.cpp @@ -55,14 +55,20 @@ void CLIm2ColKernel::configure(const ICLTensor *input, ICLTensor *output, std::p build_opts.emplace(("-DDATA_TYPE=" + get_cl_type_from_data_type(input->info()->data_type()))); build_opts.emplace((has_bias ? "-DHAS_BIAS" : "")); - int pad_x, pad_y, stride_x, stride_y = 0; + int pad_x = 0; + int pad_y = 0; + int stride_x = 0; + int stride_y = 0; std::tie(pad_x, pad_y) = conv_info.pad(); std::tie(stride_x, stride_y) = conv_info.stride(); - // Run the fully connected path if convolved_dims, stride_x, stride_y are 1 and pad_x, pad_y are 0. - bool is_fc = ((convolved_dims.first & convolved_dims.second & stride_x & stride_y) == 1) && ((pad_x | pad_y) == 0); + const bool run_img2col_reduced = (output->info()->dimension(0) == (input->info()->dimension(0) * input->info()->dimension(1) * input->info()->dimension(2))) && (TensorShape::num_max_dimensions >= 4) + && (std::equal(input->info()->tensor_shape().cbegin() + 3, + input->info()->tensor_shape().cend(), + output->info()->tensor_shape().cbegin() + 1)) + && ((stride_x == 1) && (stride_y == 1) && (pad_x == 0) && (pad_y == 0)); - if(!is_fc) + if(!run_img2col_reduced) { _convolved_dims = convolved_dims; _conv_info = conv_info; @@ -130,20 +136,28 @@ void CLIm2ColKernel::run_generic(const Window &window, cl::CommandQueue &queue) ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); ARM_COMPUTE_ERROR_ON_MISMATCHING_WINDOWS(ICLKernel::window(), window); - int pad_x, pad_y, stride_x, stride_y = 0; + int pad_x = 0; + int pad_y = 0; + int stride_x = 0; + int stride_y = 0; std::tie(pad_x, pad_y) = _conv_info.pad(); std::tie(stride_x, stride_y) = _conv_info.stride(); // Get initial windows + Window slice = window.first_slice_window_3D(); Window slice_in = window.first_slice_window_3D(); Window slice_out = window.first_slice_window_3D(); + // Setup slice + slice.set(Window::DimX, Window::Dimension(0, static_cast<int>(_convolved_dims.first), 1)); + slice.set(Window::DimY, Window::Dimension(0, static_cast<int>(_convolved_dims.second), 1)); + slice.set(Window::DimZ, Window::Dimension(0, 1, 1)); + // Setup input slice - const int start_x = -pad_x + (_kernel_size >> 1); - const int start_y = -pad_y + (_kernel_size >> 1); - slice_in.set(Window::DimX, Window::Dimension(start_x, (static_cast<int>(_convolved_dims.first) * stride_x) + start_x, stride_x)); - slice_in.set(Window::DimY, Window::Dimension(start_y, (static_cast<int>(_convolved_dims.second) * stride_y) + start_y, stride_y)); - slice_in.set(Window::DimZ, Window::Dimension(0, 1, 1)); + // The first three dimensions of the input are increased by the inner loops + slice_in.set(Window::DimX, Window::Dimension(0, 0, 0)); + slice_in.set(Window::DimY, Window::Dimension(0, 0, 0)); + slice_in.set(Window::DimZ, Window::Dimension(0, 0, 0)); // Setup output slice slice_out.set(Window::DimX, Window::Dimension(0, _output->info()->dimension(0), _num_elems_processed_per_iteration)); @@ -156,9 +170,9 @@ void CLIm2ColKernel::run_generic(const Window &window, cl::CommandQueue &queue) unsigned int idx = 0; add_3D_tensor_argument(idx, _input, slice_in); add_2D_tensor_argument(idx, _output, slice_out); - enqueue(queue, *this, slice_in); + enqueue(queue, *this, slice); } - while(window.slide_window_slice_3D(slice_out) && window.slide_window_slice_3D(slice_in)); + while(window.slide_window_slice_3D(slice) && window.slide_window_slice_3D(slice_out) && window.slide_window_slice_3D(slice_in)); } void CLIm2ColKernel::run_reduced(const Window &window, cl::CommandQueue &queue) diff --git a/src/core/CL/kernels/CLLKTrackerKernel.cpp b/src/core/CL/kernels/CLLKTrackerKernel.cpp index a9734b46b..12cdd0ec9 100644 --- a/src/core/CL/kernels/CLLKTrackerKernel.cpp +++ b/src/core/CL/kernels/CLLKTrackerKernel.cpp @@ -149,12 +149,12 @@ void CLLKTrackerStage0Kernel::configure(const ICLTensor *old_input, const ICLTen old_scharr_gy->info()->valid_region()); update_window_and_padding(window, - AccessWindowStatic(old_input->info(), valid_region.anchor[0], valid_region.anchor[1], - valid_region.shape[0], valid_region.shape[1]), - AccessWindowStatic(old_scharr_gx->info(), valid_region.anchor[0], valid_region.anchor[1], - valid_region.shape[0], valid_region.shape[1]), - AccessWindowStatic(old_scharr_gy->info(), valid_region.anchor[0], valid_region.anchor[1], - valid_region.shape[0], valid_region.shape[1])); + AccessWindowStatic(old_input->info(), valid_region.start(0), valid_region.start(1), + valid_region.end(0), valid_region.end(1)), + AccessWindowStatic(old_scharr_gx->info(), valid_region.start(0), valid_region.start(1), + valid_region.end(0), valid_region.end(1)), + AccessWindowStatic(old_scharr_gy->info(), valid_region.start(0), valid_region.start(1), + valid_region.end(0), valid_region.end(1))); ICLKernel::configure(window); @@ -168,9 +168,9 @@ void CLLKTrackerStage0Kernel::configure(const ICLTensor *old_input, const ICLTen { { // -1 because we load 2 values at once for bilinear interpolation - static_cast<float>(valid_region.anchor[0] + static_cast<int>(valid_region.shape[0]) - window_size - 1), - static_cast<float>(valid_region.anchor[1] + static_cast<int>(valid_region.shape[1]) - window_size - 1), - static_cast<float>(valid_region.anchor[0]) + static_cast<cl_float>(valid_region.end(0) - window_size - 1), + static_cast<cl_float>(valid_region.end(1) - window_size - 1), + static_cast<cl_float>(valid_region.start(0)) } }; @@ -229,8 +229,8 @@ void CLLKTrackerStage1Kernel::configure(const ICLTensor *new_input, ICLLKInterna const ValidRegion &valid_region = new_input->info()->valid_region(); update_window_and_padding(window, - AccessWindowStatic(new_input->info(), valid_region.anchor[0], valid_region.anchor[1], - valid_region.shape[0], valid_region.shape[1])); + AccessWindowStatic(new_input->info(), valid_region.start(0), valid_region.start(1), + valid_region.end(0), valid_region.end(1))); ICLKernel::configure(window); @@ -244,9 +244,9 @@ void CLLKTrackerStage1Kernel::configure(const ICLTensor *new_input, ICLLKInterna { { // -1 because we load 2 values at once for bilinear interpolation - static_cast<float>(valid_region.anchor[0] + static_cast<int>(valid_region.shape[0]) - window_size - 1), - static_cast<float>(valid_region.anchor[1] + static_cast<int>(valid_region.shape[1]) - window_size - 1), - static_cast<float>(valid_region.anchor[0]) + static_cast<cl_float>(valid_region.end(0) - window_size - 1), + static_cast<cl_float>(valid_region.end(1) - window_size - 1), + static_cast<cl_float>(valid_region.start(0)) } }; const int term_iteration = (termination == Termination::TERM_CRITERIA_ITERATIONS || termination == Termination::TERM_CRITERIA_BOTH) ? 1 : 0; diff --git a/src/core/Error.cpp b/src/core/Error.cpp index a022fd488..ad4f3434a 100644 --- a/src/core/Error.cpp +++ b/src/core/Error.cpp @@ -36,5 +36,5 @@ void arm_compute::error(const char *function, const char *file, const int line, vsnprintf(out + offset, sizeof(out) - offset, msg, args); va_end(args); - throw std::runtime_error(out); + throw std::runtime_error(std::string(out)); } diff --git a/src/core/NEON/kernels/NEActivationLayerKernel.cpp b/src/core/NEON/kernels/NEActivationLayerKernel.cpp index 62f298b43..e7166b00c 100644 --- a/src/core/NEON/kernels/NEActivationLayerKernel.cpp +++ b/src/core/NEON/kernels/NEActivationLayerKernel.cpp @@ -128,10 +128,10 @@ void NEActivationLayerKernel::activation(const Window &window) tmp = { { - vinv_f32(vaddq_f32(CONST_1, vexp_f32(vnegq_f32(in.val[0])))), - vinv_f32(vaddq_f32(CONST_1, vexp_f32(vnegq_f32(in.val[1])))), - vinv_f32(vaddq_f32(CONST_1, vexp_f32(vnegq_f32(in.val[2])))), - vinv_f32(vaddq_f32(CONST_1, vexp_f32(vnegq_f32(in.val[3])))), + vinvq_f32(vaddq_f32(CONST_1, vexpq_f32(vnegq_f32(in.val[0])))), + vinvq_f32(vaddq_f32(CONST_1, vexpq_f32(vnegq_f32(in.val[1])))), + vinvq_f32(vaddq_f32(CONST_1, vexpq_f32(vnegq_f32(in.val[2])))), + vinvq_f32(vaddq_f32(CONST_1, vexpq_f32(vnegq_f32(in.val[3])))), } }; break; @@ -150,10 +150,10 @@ void NEActivationLayerKernel::activation(const Window &window) tmp = { { - vlog_f32(vaddq_f32(CONST_1, vexp_f32(in.val[0]))), - vlog_f32(vaddq_f32(CONST_1, vexp_f32(in.val[1]))), - vlog_f32(vaddq_f32(CONST_1, vexp_f32(in.val[2]))), - vlog_f32(vaddq_f32(CONST_1, vexp_f32(in.val[3]))), + vlogq_f32(vaddq_f32(CONST_1, vexpq_f32(in.val[0]))), + vlogq_f32(vaddq_f32(CONST_1, vexpq_f32(in.val[1]))), + vlogq_f32(vaddq_f32(CONST_1, vexpq_f32(in.val[2]))), + vlogq_f32(vaddq_f32(CONST_1, vexpq_f32(in.val[3]))), } }; break; @@ -161,10 +161,10 @@ void NEActivationLayerKernel::activation(const Window &window) tmp = { { - vinv_f32(vinvsqrt_f32(in.val[0])), - vinv_f32(vinvsqrt_f32(in.val[1])), - vinv_f32(vinvsqrt_f32(in.val[2])), - vinv_f32(vinvsqrt_f32(in.val[3])), + vinvq_f32(vinvsqrtq_f32(in.val[0])), + vinvq_f32(vinvsqrtq_f32(in.val[1])), + vinvq_f32(vinvsqrtq_f32(in.val[2])), + vinvq_f32(vinvsqrtq_f32(in.val[3])), } }; break; @@ -183,10 +183,10 @@ void NEActivationLayerKernel::activation(const Window &window) tmp = { { - vmulq_f32(a, vtanh_f32(vmulq_f32(b, in.val[0]))), - vmulq_f32(a, vtanh_f32(vmulq_f32(b, in.val[1]))), - vmulq_f32(a, vtanh_f32(vmulq_f32(b, in.val[2]))), - vmulq_f32(a, vtanh_f32(vmulq_f32(b, in.val[3]))), + vmulq_f32(a, vtanhq_f32(vmulq_f32(b, in.val[0]))), + vmulq_f32(a, vtanhq_f32(vmulq_f32(b, in.val[1]))), + vmulq_f32(a, vtanhq_f32(vmulq_f32(b, in.val[2]))), + vmulq_f32(a, vtanhq_f32(vmulq_f32(b, in.val[3]))), } }; break; diff --git a/src/core/NEON/kernels/NEColorConvertKernel.cpp b/src/core/NEON/kernels/NEColorConvertKernel.cpp index 29e230731..110a28ebc 100644 --- a/src/core/NEON/kernels/NEColorConvertKernel.cpp +++ b/src/core/NEON/kernels/NEColorConvertKernel.cpp @@ -23,9 +23,9 @@ */ #include "arm_compute/core/NEON/kernels/NEColorConvertKernel.h" -#include "arm_compute/core/AccessWindowAutoPadding.h" #include "arm_compute/core/Error.h" #include "arm_compute/core/Helpers.h" +#include "arm_compute/core/IAccessWindow.h" #include "arm_compute/core/IMultiImage.h" #include "arm_compute/core/ITensor.h" #include "arm_compute/core/MultiImageInfo.h" @@ -38,7 +38,7 @@ using namespace arm_compute; NEColorConvertKernel::NEColorConvertKernel() - : _input(nullptr), _output(nullptr), _num_elems_processed_per_iteration(0), _func(nullptr) + : _input(nullptr), _output(nullptr), _func(nullptr) { } @@ -47,6 +47,8 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) ARM_COMPUTE_ERROR_ON(input == nullptr); ARM_COMPUTE_ERROR_ON(output == nullptr); + unsigned int num_elems_processed_per_iteration = 0; + switch(input->info()->format()) { case Format::RGBA8888: @@ -54,8 +56,8 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_rgbx_to_rgb; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgbx_to_rgb; + num_elems_processed_per_iteration = 16; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -68,12 +70,12 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_yuyv_to_rgb<false, false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_rgb<false, false>; + num_elems_processed_per_iteration = 32; break; case Format::RGBA8888: - _func = colorconvert_yuyv_to_rgb<false, true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_rgb<false, true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -86,12 +88,12 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_yuyv_to_rgb<true, false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_rgb<true, false>; + num_elems_processed_per_iteration = 32; break; case Format::RGBA8888: - _func = colorconvert_yuyv_to_rgb<true, true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_rgb<true, true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -104,8 +106,8 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) switch(output->info()->format()) { case Format::RGBA8888: - _func = colorconvert_rgb_to_rgbx; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_rgbx; + num_elems_processed_per_iteration = 16; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -122,14 +124,13 @@ void NEColorConvertKernel::configure(const ITensor *input, ITensor *output) _output = output; // Configure kernel window - Window win = calculate_max_window(*input->info(), Steps(_num_elems_processed_per_iteration)); - AccessWindowAutoPadding output_access(output->info()); + Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); + AccessWindowHorizontal input_access(input->info(), 0, num_elems_processed_per_iteration); + AccessWindowHorizontal output_access(output->info(), 0, num_elems_processed_per_iteration); - update_window_and_padding(win, - AccessWindowAutoPadding(input->info()), - output_access); + update_window_and_padding(win, input_access, output_access); - output_access.set_valid_region(); + output_access.set_valid_region(win, input->info()->valid_region()); INEKernel::configure(win); } @@ -139,6 +140,8 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) ARM_COMPUTE_ERROR_ON(input == nullptr); ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(output); + unsigned int num_elems_processed_per_iteration = 0; + switch(input->info()->format()) { case Format::NV12: @@ -146,12 +149,12 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_nv12_to_rgb<true, false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_rgb<true, false>; + num_elems_processed_per_iteration = 32; break; case Format::RGBA8888: - _func = colorconvert_nv12_to_rgb<true, true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_rgb<true, true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -164,12 +167,12 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_nv12_to_rgb<false, false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_rgb<false, false>; + num_elems_processed_per_iteration = 32; break; case Format::RGBA8888: - _func = colorconvert_nv12_to_rgb<false, true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_rgb<false, true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -182,12 +185,12 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) switch(output->info()->format()) { case Format::RGB888: - _func = colorconvert_iyuv_to_rgb<false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_iyuv_to_rgb<false>; + num_elems_processed_per_iteration = 32; break; case Format::RGBA8888: - _func = colorconvert_iyuv_to_rgb<true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_iyuv_to_rgb<true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -204,11 +207,9 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) _output = output; // Configure kernel window - Window win = calculate_max_window(*output->info(), Steps(_num_elems_processed_per_iteration)); + Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration)); win.set_dimension_step(Window::DimY, 2); - AccessWindowAutoPadding output_access(output->info()); - unsigned int input_plane_count = 3; if(input->info()->format() == Format::NV12 || input->info()->format() == Format::NV21) @@ -216,13 +217,24 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IImage *output) input_plane_count = 2; } + AccessWindowHorizontal input0_access(input->plane(0)->info(), 0, num_elems_processed_per_iteration); + AccessWindowRectangle input1_access(input->plane(1)->info(), 0, 0, num_elems_processed_per_iteration, 1, 0.5f, 0.5f); + AccessWindowRectangle input2_access(input_plane_count == 2 ? nullptr : input->plane(2)->info(), 0, 0, num_elems_processed_per_iteration, 1, 0.5f, 0.5f); + AccessWindowHorizontal output_access(output->info(), 0, num_elems_processed_per_iteration); + update_window_and_padding(win, - AccessWindowAutoPadding(input->plane(0)->info()), - AccessWindowAutoPadding(input->plane(1)->info()), - AccessWindowAutoPadding(input_plane_count == 2 ? nullptr : input->plane(2)->info()), + input0_access, input1_access, input2_access, output_access); - output_access.set_valid_region(); + ValidRegion intersect_region = intersect_valid_regions(input->plane(0)->info()->valid_region(), + input->plane(1)->info()->valid_region()); + + if(input_plane_count == 3) + { + intersect_region = intersect_valid_regions(intersect_region, input->plane(2)->info()->valid_region()); + } + + output_access.set_valid_region(win, intersect_region); INEKernel::configure(win); } @@ -231,6 +243,8 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) { ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(input); + unsigned int num_elems_processed_per_iteration = 0; + switch(input->info()->format()) { case Format::RGB888: @@ -238,16 +252,16 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) switch(output->info()->format()) { case Format::NV12: - _func = colorconvert_rgb_to_nv12<false>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_nv12<false>; + num_elems_processed_per_iteration = 16; break; case Format::IYUV: - _func = colorconvert_rgb_to_iyuv<false>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_iyuv<false>; + num_elems_processed_per_iteration = 16; break; case Format::YUV444: - _func = colorconvert_rgb_to_yuv4<false>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_yuv4<false>; + num_elems_processed_per_iteration = 16; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -260,16 +274,16 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) switch(output->info()->format()) { case Format::NV12: - _func = colorconvert_rgb_to_nv12<true>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_nv12<true>; + num_elems_processed_per_iteration = 16; break; case Format::IYUV: - _func = colorconvert_rgb_to_iyuv<true>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_iyuv<true>; + num_elems_processed_per_iteration = 16; break; case Format::YUV444: - _func = colorconvert_rgb_to_yuv4<true>; - _num_elems_processed_per_iteration = 16; + _func = colorconvert_rgb_to_yuv4<true>; + num_elems_processed_per_iteration = 16; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -282,12 +296,12 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) switch(output->info()->format()) { case Format::NV12: - _func = colorconvert_yuyv_to_nv12<false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_nv12<false>; + num_elems_processed_per_iteration = 32; break; case Format::IYUV: - _func = colorconvert_yuyv_to_iyuv<false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_iyuv<false>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -300,12 +314,12 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) switch(output->info()->format()) { case Format::NV12: - _func = colorconvert_yuyv_to_nv12<true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_nv12<true>; + num_elems_processed_per_iteration = 32; break; case Format::IYUV: - _func = colorconvert_yuyv_to_iyuv<true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_yuyv_to_iyuv<true>; + num_elems_processed_per_iteration = 32; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -322,10 +336,14 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) _output = output; // Configure kernel window - Window win = calculate_max_window(*input->info(), Steps(_num_elems_processed_per_iteration)); + Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); + + float sub_sampling = 1.f; + if((input->info()->format() != Format::RGB888 || output->info()->format() != Format::YUV444) && (input->info()->format() != Format::RGBA8888 || output->info()->format() != Format::YUV444)) { win.set_dimension_step(Window::DimY, 2); + sub_sampling = 0.5f; } unsigned int output_plane_count = 3; @@ -335,19 +353,19 @@ void NEColorConvertKernel::configure(const IImage *input, IMultiImage *output) output_plane_count = 2; } - AccessWindowAutoPadding output0_access(output->plane(0)->info()); - AccessWindowAutoPadding output1_access(output->plane(1)->info()); - AccessWindowAutoPadding output2_access(output_plane_count == 2 ? nullptr : output->plane(2)->info()); + AccessWindowHorizontal output0_access(output->plane(0)->info(), 0, num_elems_processed_per_iteration); + AccessWindowRectangle output1_access(output->plane(1)->info(), 0, 0, num_elems_processed_per_iteration, 1, sub_sampling, sub_sampling); + AccessWindowRectangle output2_access(output_plane_count == 2 ? nullptr : output->plane(2)->info(), 0, 0, num_elems_processed_per_iteration, 1, sub_sampling, sub_sampling); update_window_and_padding(win, - AccessWindowAutoPadding(input->info()), + AccessWindowHorizontal(input->info(), 0, num_elems_processed_per_iteration), output0_access, output1_access, output2_access); - output0_access.set_valid_region(); - output1_access.set_valid_region(); - output2_access.set_valid_region(); + output0_access.set_valid_region(win, input->info()->valid_region()); + output1_access.set_valid_region(win, input->info()->valid_region()); + output2_access.set_valid_region(win, input->info()->valid_region()); INEKernel::configure(win); } @@ -361,12 +379,10 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *outp switch(output->info()->format()) { case Format::IYUV: - _func = colorconvert_nv12_to_iyuv<true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_iyuv<true>; break; case Format::YUV444: - _func = colorconvert_nv12_to_yuv4<true>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_yuv4<true>; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -379,12 +395,10 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *outp switch(output->info()->format()) { case Format::IYUV: - _func = colorconvert_nv12_to_iyuv<false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_iyuv<false>; break; case Format::YUV444: - _func = colorconvert_nv12_to_yuv4<false>; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_nv12_to_yuv4<false>; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -397,12 +411,10 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *outp switch(output->info()->format()) { case Format::NV12: - _func = colorconvert_iyuv_to_nv12; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_iyuv_to_nv12; break; case Format::YUV444: - _func = colorconvert_iyuv_to_yuv4; - _num_elems_processed_per_iteration = 32; + _func = colorconvert_iyuv_to_yuv4; break; default: ARM_COMPUTE_ERROR("Not supported"); @@ -418,8 +430,12 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *outp _input = input; _output = output; + constexpr unsigned int num_elems_processed_per_iteration = 32; + constexpr float input_sub_sampling = 0.5f; + const float output_sub_sampling = output->info()->format() == Format::YUV444 ? 1.f : 0.5f; + // Configure kernel window - Window win = calculate_max_window(*input->plane(0)->info(), Steps(_num_elems_processed_per_iteration)); + Window win = calculate_max_window(*input->plane(0)->info(), Steps(num_elems_processed_per_iteration)); win.set_dimension_step(Window::DimY, 2); unsigned int input_plane_count = 3; @@ -436,21 +452,29 @@ void NEColorConvertKernel::configure(const IMultiImage *input, IMultiImage *outp output_plane_count = 2; } - AccessWindowAutoPadding output0_access(output->plane(0)->info()); - AccessWindowAutoPadding output1_access(output->plane(1)->info()); - AccessWindowAutoPadding output2_access(output_plane_count == 2 ? nullptr : output->plane(2)->info()); + AccessWindowHorizontal output0_access(output->plane(0)->info(), 0, num_elems_processed_per_iteration); + AccessWindowRectangle output1_access(output->plane(1)->info(), 0, 0, num_elems_processed_per_iteration, 1, output_sub_sampling, output_sub_sampling); + AccessWindowRectangle output2_access(output_plane_count == 2 ? nullptr : output->plane(2)->info(), 0, 0, num_elems_processed_per_iteration, 1, output_sub_sampling, output_sub_sampling); update_window_and_padding(win, - AccessWindowAutoPadding(input->plane(0)->info()), - AccessWindowAutoPadding(input->plane(1)->info()), - AccessWindowAutoPadding(input_plane_count == 2 ? nullptr : input->plane(2)->info()), + AccessWindowHorizontal(input->plane(0)->info(), 0, num_elems_processed_per_iteration), + AccessWindowRectangle(input->plane(1)->info(), 0, 0, num_elems_processed_per_iteration, 1, input_sub_sampling, input_sub_sampling), + AccessWindowRectangle(input_plane_count == 2 ? nullptr : input->plane(2)->info(), 0, 0, num_elems_processed_per_iteration, 1, input_sub_sampling, input_sub_sampling), output0_access, output1_access, output2_access); - output0_access.set_valid_region(); - output1_access.set_valid_region(); - output2_access.set_valid_region(); + ValidRegion intersect_region = intersect_valid_regions(input->plane(0)->info()->valid_region(), + input->plane(1)->info()->valid_region()); + + if(input_plane_count == 3) + { + intersect_region = intersect_valid_regions(intersect_region, input->plane(2)->info()->valid_region()); + } + + output0_access.set_valid_region(win, intersect_region); + output1_access.set_valid_region(win, intersect_region); + output2_access.set_valid_region(win, intersect_region); INEKernel::configure(win); } diff --git a/src/core/NEON/kernels/NEGEMMMatrixMultiplyKernel.cpp b/src/core/NEON/kernels/NEGEMMMatrixMultiplyKernel.cpp index 46430fc36..53f4eed91 100644 --- a/src/core/NEON/kernels/NEGEMMMatrixMultiplyKernel.cpp +++ b/src/core/NEON/kernels/NEGEMMMatrixMultiplyKernel.cpp @@ -23,8 +23,10 @@ */ #include "arm_compute/core/NEON/kernels/NEGEMMMatrixMultiplyKernel.h" +#include "arm_compute/core/AccessWindowTranspose.h" #include "arm_compute/core/Error.h" #include "arm_compute/core/Helpers.h" +#include "arm_compute/core/IAccessWindow.h" #include "arm_compute/core/ITensor.h" #include "arm_compute/core/TensorInfo.h" #include "arm_compute/core/Types.h" @@ -523,8 +525,8 @@ void NEGEMMMatrixMultiplyKernel::configure(const ITensor *input0, const ITensor AccessWindowRectangle output_access(output->info(), 0, 0, num_elems_processed_per_iteration_x, num_elems_processed_per_iteration_y); update_window_and_padding(win, - AccessWindowRectangle(input0->info(), 0, 0, 4, 1), - AccessWindowRectangle(input1->info(), 0, 0, 4, 1), + AccessWindowRectangle(input0->info(), 0, 0, 4, 1, 1.f, 0.25f), + AccessWindowTranspose(input1->info(), 0, 0, 4, 1, 0.f, 0.25f), output_access); output_access.set_valid_region(win, ValidRegion(Coordinates(0, 0), output->info()->tensor_shape())); diff --git a/src/core/NEON/kernels/NEGEMMTranspose1xWKernel.cpp b/src/core/NEON/kernels/NEGEMMTranspose1xWKernel.cpp index 0b03441b5..1dbc07ae7 100644 --- a/src/core/NEON/kernels/NEGEMMTranspose1xWKernel.cpp +++ b/src/core/NEON/kernels/NEGEMMTranspose1xWKernel.cpp @@ -47,18 +47,22 @@ void NEGEMMTranspose1xWKernel::configure(const ITensor *input, ITensor *output) ARM_COMPUTE_ERROR_ON_MISMATCHING_DATA_TYPES(input, output); ARM_COMPUTE_ERROR_ON((output->info()->dimension(1) != std::ceil(input->info()->dimension(0) / 8.0f)) && (input->info()->data_type() == DataType::F16)); ARM_COMPUTE_ERROR_ON((output->info()->dimension(1) != std::ceil(input->info()->dimension(0) / 4.0f)) && (input->info()->data_type() == DataType::F32)); - ARM_COMPUTE_ERROR_ON((output->info()->dimension(1) != std::ceil(input->info()->dimension(0) / 4.0f)) && (input->info()->data_type() == DataType::U32)); + ARM_COMPUTE_ERROR_ON((output->info()->dimension(1) != std::ceil(input->info()->dimension(0) / 4.0f)) && (input->info()->data_type() == DataType::U8)); unsigned int num_elems_processed_per_iteration = 0; + float scale_x = 1.f; + switch(input->info()->data_type()) { case DataType::F32: case DataType::U8: num_elems_processed_per_iteration = 4; + scale_x = 4.f; break; case DataType::F16: #ifdef ARM_COMPUTE_ENABLE_FP16 num_elems_processed_per_iteration = 8; + scale_x = 8.f; break; #endif default: @@ -71,7 +75,7 @@ void NEGEMMTranspose1xWKernel::configure(const ITensor *input, ITensor *output) // Configure kernel window Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); - AccessWindowTranspose output_access(output->info(), 0, 0, num_elems_processed_per_iteration, 1); + AccessWindowTranspose output_access(output->info(), 0, 0, num_elems_processed_per_iteration, 1, scale_x, 1.f / scale_x); update_window_and_padding(win, AccessWindowHorizontal(input->info(), 0, num_elems_processed_per_iteration), diff --git a/src/core/NEON/kernels/NEHOGDescriptorKernel.cpp b/src/core/NEON/kernels/NEHOGDescriptorKernel.cpp index 25bbd384e..7bc453455 100644 --- a/src/core/NEON/kernels/NEHOGDescriptorKernel.cpp +++ b/src/core/NEON/kernels/NEHOGDescriptorKernel.cpp @@ -23,10 +23,10 @@ */ #include "arm_compute/core/NEON/kernels/NEHOGDescriptorKernel.h" -#include "arm_compute/core/AccessWindowAutoPadding.h" #include "arm_compute/core/Error.h" #include "arm_compute/core/HOGInfo.h" #include "arm_compute/core/Helpers.h" +#include "arm_compute/core/IAccessWindow.h" #include "arm_compute/core/Validate.h" #include <algorithm> @@ -37,8 +37,8 @@ using namespace arm_compute; namespace { -void cell_width_lt8(const int16_t *__restrict mag_row_ptr, const uint8_t *__restrict phase_row_ptr, float *__restrict output_ptr, size_t mag_stride, size_t phase_stride, size_t cell_width, - size_t cell_height, size_t num_bins, float phase_scale) +void cell_width_lt8(const int16_t *__restrict mag_row_ptr, const uint8_t *__restrict phase_row_ptr, float *__restrict output_ptr, + size_t mag_stride, size_t phase_stride, size_t cell_width, size_t cell_height, size_t num_bins, float phase_scale) { const float32x4_t scale_f32 = vdupq_n_f32(phase_scale); static const float32x4_t one_f32 = vdupq_n_f32(1.0f); @@ -56,40 +56,40 @@ void cell_width_lt8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest for(; xc <= static_cast<int32_t>(cell_width) - 4; xc += 4) { - /* Load magnitude and phase values */ + // Load magnitude and phase values const uint8x8_t phase_u8 = vld1_u8(phase_row_ptr + xc + yc * phase_stride); const int16x4_t mag_s16 = vld1_s16(mag_row_ptr + xc + yc * mag_stride); - /* Convert magnitude and phase to float */ + // Convert magnitude and phase to float const float32x4_t mag_f32 = vcvtq_f32_s32(vmovl_s16(mag_s16)); float32x4_t phase_f32 = vcvtq_f32_u32(vmovl_u16(vget_low_u16(vmovl_u8(phase_u8)))); - /* Scale phase: phase * scale + 0.5f */ + // Scale phase: phase * scale + 0.5f phase_f32 = vmlaq_f32(zerofive_f32, phase_f32, scale_f32); - /* Compute histogram index. */ + // Compute histogram index. int32x4_t hidx_s32 = vcvtq_s32_f32(phase_f32); - /* Check if the histogram index is equal to num_bins. If so, replace the index with max_hidx */ + // Check if the histogram index is equal to num_bins. If so, replace the index with max_hidx uint32x4_t mask = vceqq_s32(hidx_s32, num_bins_s32); hidx_s32 = vbslq_s32(mask, max_hidx_s32, hidx_s32); - /* Compute magnitude weights (w0 and w1) */ + // Compute magnitude weights (w0 and w1) const float32x4_t hidx_f32 = vcvtq_f32_s32(hidx_s32); - /* w1 = phase_f32 - hidx_s32 */ + // w1 = phase_f32 - hidx_s32 const float32x4_t w1_f32 = vsubq_f32(phase_f32, hidx_f32); - /* w0 = 1.0 - w1 */ + // w0 = 1.0 - w1 const float32x4_t w0_f32 = vsubq_f32(one_f32, w1_f32); - /* Compute contribute for splitting vote */ + // Compute contribute for splitting vote const float32x4_t mag_w0_f32 = vmulq_f32(mag_f32, w0_f32); const float32x4_t mag_w1_f32 = vmulq_f32(mag_f32, w1_f32); - /* Weighted vote between 2 bins */ + // Weighted vote between 2 bins - /* Bin 0 */ + // Bin 0 *(output_ptr + vgetq_lane_s32(hidx_s32, 0)) += vgetq_lane_f32(mag_w0_f32, 0); *(output_ptr + vgetq_lane_s32(hidx_s32, 1)) += vgetq_lane_f32(mag_w0_f32, 1); *(output_ptr + vgetq_lane_s32(hidx_s32, 2)) += vgetq_lane_f32(mag_w0_f32, 2); @@ -97,11 +97,11 @@ void cell_width_lt8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest hidx_s32 = vaddq_s32(hidx_s32, one_s32); - /* Check if the histogram index is equal to num_bins */ + // Check if the histogram index is equal to num_bins mask = vceqq_s32(hidx_s32, num_bins_s32); hidx_s32 = vbslq_s32(mask, zero_s32, hidx_s32); - /* Bin1 */ + // Bin1 *(output_ptr + vgetq_lane_s32(hidx_s32, 0)) += vgetq_lane_f32(mag_w1_f32, 0); *(output_ptr + vgetq_lane_s32(hidx_s32, 1)) += vgetq_lane_f32(mag_w1_f32, 1); *(output_ptr + vgetq_lane_s32(hidx_s32, 2)) += vgetq_lane_f32(mag_w1_f32, 2); @@ -114,11 +114,11 @@ void cell_width_lt8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest const float mag_value = *(mag_row_ptr + xc + yc * mag_stride); const float w1 = phase_value - std::floor(phase_value); - /* The quantised phase is the histogram index [0, num_bins - 1] - Round */ - /* Check limit of histogram index. If hidx == num_bins, hidx = 0 */ + // The quantised phase is the histogram index [0, num_bins - 1] - Round + // Check limit of histogram index. If hidx == num_bins, hidx = 0 const auto hidx = static_cast<size_t>(phase_value) % num_bins; - /* Weighted vote between 2 bins */ + // Weighted vote between 2 bins *(output_ptr + hidx) += mag_value * (1.0f - w1); *(output_ptr + ((hidx + 1) % num_bins)) += mag_value * w1; } @@ -143,14 +143,14 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest for(; xc <= static_cast<int32_t>(cell_width) - 8; xc += 8) { - /* Load magnitude and phase values */ + // Load magnitude and phase values const uint8x8_t phase_u8 = vld1_u8(phase_row_ptr + xc + yc * phase_stride); const int16x8_t mag_s16 = vld1q_s16(mag_row_ptr + xc + yc * mag_stride); - /* Convert phase to U16 */ + // Convert phase to U16 const uint16x8_t phase_u16 = vmovl_u8(phase_u8); - /* Convert magnitude to float32 */ + // Convert magnitude to float32 const float32x4x2_t mag_f32 = { { @@ -159,7 +159,7 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest } }; - /* Convert phase to float32 */ + // Convert phase to float32 float32x4x2_t phase_f32 = { { @@ -168,11 +168,11 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest } }; - /* Scale phase: phase * scale + 0.5f */ + // Scale phase: phase * scale + 0.5f phase_f32.val[0] = vmlaq_f32(zerofive_f32, phase_f32.val[0], scale_f32); phase_f32.val[1] = vmlaq_f32(zerofive_f32, phase_f32.val[1], scale_f32); - /* Compute histogram index. */ + // Compute histogram index. int32x4x2_t hidx_s32 = { { @@ -181,7 +181,7 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest } }; - /* Compute magnitude weights (w0 and w1) */ + // Compute magnitude weights (w0 and w1) const float32x4x2_t hidx_f32 = { { @@ -206,7 +206,7 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest } }; - /* Compute contribute for splitting vote */ + // Compute contribute for splitting vote const float32x4x2_t mag_w0_f32 = { { @@ -223,9 +223,9 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest } }; - /* Weighted vote between 2 bins */ + // Weighted vote between 2 bins - /* Check if the histogram index is equal to num_bins */ + // Check if the histogram index is equal to num_bins uint32x4x2_t mask = { { @@ -237,13 +237,13 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest hidx_s32.val[0] = vbslq_s32(mask.val[0], zero_s32, hidx_s32.val[0]); hidx_s32.val[1] = vbslq_s32(mask.val[1], zero_s32, hidx_s32.val[1]); - /* First bin - Low*/ + // First bin - Low *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 0)) += vgetq_lane_f32(mag_w0_f32.val[0], 0); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 1)) += vgetq_lane_f32(mag_w0_f32.val[0], 1); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 2)) += vgetq_lane_f32(mag_w0_f32.val[0], 2); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 3)) += vgetq_lane_f32(mag_w0_f32.val[0], 3); - /* First bin - high */ + // First bin - high *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 0)) += vgetq_lane_f32(mag_w0_f32.val[1], 0); *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 1)) += vgetq_lane_f32(mag_w0_f32.val[1], 1); *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 2)) += vgetq_lane_f32(mag_w0_f32.val[1], 2); @@ -252,20 +252,20 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest hidx_s32.val[0] = vaddq_s32(hidx_s32.val[0], one_s32); hidx_s32.val[1] = vaddq_s32(hidx_s32.val[1], one_s32); - /* Check if the histogram index is equal to num_bins */ + // Check if the histogram index is equal to num_bins mask.val[0] = vceqq_s32(hidx_s32.val[0], num_bins_s32); mask.val[1] = vceqq_s32(hidx_s32.val[1], num_bins_s32); hidx_s32.val[0] = vbslq_s32(mask.val[0], zero_s32, hidx_s32.val[0]); hidx_s32.val[1] = vbslq_s32(mask.val[1], zero_s32, hidx_s32.val[1]); - /* Second bin - Low*/ + // Second bin - Low *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 0)) += vgetq_lane_f32(mag_w1_f32.val[0], 0); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 1)) += vgetq_lane_f32(mag_w1_f32.val[0], 1); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 2)) += vgetq_lane_f32(mag_w1_f32.val[0], 2); *(output_ptr + vgetq_lane_s32(hidx_s32.val[0], 3)) += vgetq_lane_f32(mag_w1_f32.val[0], 3); - /* Second bin - high */ + // Second bin - high *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 0)) += vgetq_lane_f32(mag_w1_f32.val[1], 0); *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 1)) += vgetq_lane_f32(mag_w1_f32.val[1], 1); *(output_ptr + vgetq_lane_s32(hidx_s32.val[1], 2)) += vgetq_lane_f32(mag_w1_f32.val[1], 2); @@ -279,26 +279,26 @@ void cell_width_ge8(const int16_t *__restrict mag_row_ptr, const uint8_t *__rest const float w1 = phase_value - std::floor(phase_value); - /* The quantised phase is the histogram index [0, num_bins - 1] - Round */ - /* Check limit of histogram index. If hidx == num_bins, hidx = 0 */ + // The quantised phase is the histogram index [0, num_bins - 1] - Round + // Check limit of histogram index. If hidx == num_bins, hidx = 0 const size_t hidx = static_cast<size_t>(phase_value) % num_bins; - /* Weighted vote between 2 bins */ + // Weighted vote between 2 bins *(output_ptr + hidx) += mag_value * (1.0f - w1); *(output_ptr + ((hidx + 1) % (num_bins))) += mag_value * w1; } } } -void l2_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr, size_t input_stride, size_t num_cells_per_block_height, size_t num_bins_block_x, size_t num_bins_block, - float l2_hyst_threshold) +void l2_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr, size_t input_stride, + size_t num_cells_per_block_height, size_t num_bins_block_x, size_t num_bins_block, float l2_hyst_threshold) { ARM_COMPUTE_UNUSED(l2_hyst_threshold); float sum = 0.0f; float32x4_t sum_f32 = vdupq_n_f32(0.0f); - /* Compute L2-Norm */ + // Compute L2-Norm for(size_t yc = 0; yc < num_cells_per_block_height; ++yc) { const float *const hist_ptr = input_row_ptr + yc * input_stride; @@ -317,7 +317,7 @@ void l2_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr } }; - /* Compute input_value^2 */ + // Compute input_value^2 sum_f32 = vmlaq_f32(sum_f32, input_value.val[0], input_value.val[0]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[1], input_value.val[1]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[2], input_value.val[2]); @@ -361,7 +361,7 @@ void l2_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr } }; - /* Scale input_value */ + // Scale input_value input_value.val[0] = vmulq_f32(input_value.val[0], scale_f32); input_value.val[1] = vmulq_f32(input_value.val[1], scale_f32); input_value.val[2] = vmulq_f32(input_value.val[2], scale_f32); @@ -385,7 +385,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ float sum = 0.0f; float32x4_t sum_f32 = vdupq_n_f32(0.0f); - /* Compute L2-Hys */ + // Compute L2-Hys for(size_t yc = 0; yc < num_cells_per_block_height; ++yc) { const float *const hist_ptr = input_row_ptr + yc * input_stride; @@ -404,7 +404,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ } }; - /* Compute input_value^2 */ + // Compute input_value^2 sum_f32 = vmlaq_f32(sum_f32, input_value.val[0], input_value.val[0]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[1], input_value.val[1]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[2], input_value.val[2]); @@ -435,7 +435,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ float32x4_t scale_f32 = vdupq_n_f32(scale); const float32x4_t thres_l2hys_f32 = vdupq_n_f32(l2_hyst_threshold); - /* Reset sum */ + // Reset sum sum_f32 = vdupq_n_f32(0.0f); sum = 0.0f; @@ -453,19 +453,19 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ } }; - /* Scale input_value */ + // Scale input_value input_value.val[0] = vmulq_f32(input_value.val[0], scale_f32); input_value.val[1] = vmulq_f32(input_value.val[1], scale_f32); input_value.val[2] = vmulq_f32(input_value.val[2], scale_f32); input_value.val[3] = vmulq_f32(input_value.val[3], scale_f32); - /* Clip input_value if over _threshold_l2hys */ + // Clip input_value if over _threshold_l2hys input_value.val[0] = vminq_f32(input_value.val[0], thres_l2hys_f32); input_value.val[1] = vminq_f32(input_value.val[1], thres_l2hys_f32); input_value.val[2] = vminq_f32(input_value.val[2], thres_l2hys_f32); input_value.val[3] = vminq_f32(input_value.val[3], thres_l2hys_f32); - /* Compute input_value^2 */ + // Compute input_value^2 sum_f32 = vmlaq_f32(sum_f32, input_value.val[0], input_value.val[0]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[1], input_value.val[1]); sum_f32 = vmlaq_f32(sum_f32, input_value.val[2], input_value.val[2]); @@ -486,7 +486,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ { float input_value = output_ptr[i] * scale; - /* Clip scaled input_value if over _threshold_L2hys */ + // Clip scaled input_value if over _threshold_L2hys input_value = std::min(input_value, l2_hyst_threshold); sum += input_value * input_value; @@ -494,11 +494,11 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ output_ptr[i] = input_value; } - /* We use the same constants of OpenCV */ + // We use the same constants of OpenCV scale = 1.0f / (std::sqrt(sum) + 1e-3f); scale_f32 = vdupq_n_f32(scale); - /* Rescale */ + // Rescale i = 0; for(; i <= static_cast<int32_t>(num_bins_block) - 16; i += 16) @@ -513,7 +513,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ } }; - /* Scale input_value */ + // Scale input_value input_value.val[0] = vmulq_f32(input_value.val[0], scale_f32); input_value.val[1] = vmulq_f32(input_value.val[1], scale_f32); input_value.val[2] = vmulq_f32(input_value.val[2], scale_f32); @@ -527,7 +527,7 @@ void l2hys_norm(const float *__restrict input_row_ptr, float *__restrict output_ for(; i < static_cast<int32_t>(num_bins_block); ++i) { - /* Store result */ + // Store result output_ptr[i] *= scale; } } @@ -540,7 +540,7 @@ void l1_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr float sum = 0.0f; float32x4_t sum_f32 = vdupq_n_f32(0.0f); - /* Compute L1-Norm */ + // Compute L1-Norm for(size_t yc = 0; yc < num_cells_per_block_height; ++yc) { const float *const hist_ptr = input_row_ptr + yc * input_stride; @@ -559,7 +559,7 @@ void l1_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr } }; - /* Compute |input_value| */ + // Compute |input_value| sum_f32 += vabsq_f32(input_value.val[0]); sum_f32 += vabsq_f32(input_value.val[1]); sum_f32 += vabsq_f32(input_value.val[2]); @@ -603,7 +603,7 @@ void l1_norm(const float *__restrict input_row_ptr, float *__restrict output_ptr } }; - /* Scale input_value */ + // Scale input_value input_value.val[0] = vmulq_f32(input_value.val[0], scale_f32); input_value.val[1] = vmulq_f32(input_value.val[1], scale_f32); input_value.val[2] = vmulq_f32(input_value.val[2], scale_f32); @@ -631,11 +631,10 @@ void NEHOGOrientationBinningKernel::configure(const ITensor *input_magnitude, co { ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input_magnitude, 1, DataType::S16); ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input_phase, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON(nullptr == hog_info); - ARM_COMPUTE_ERROR_ON(DataType::F32 != output->info()->data_type()); + ARM_COMPUTE_ERROR_ON(hog_info == nullptr); + ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, hog_info->num_bins(), DataType::F32); ARM_COMPUTE_ERROR_ON(input_magnitude->info()->dimension(Window::DimX) != input_phase->info()->dimension(Window::DimX)); ARM_COMPUTE_ERROR_ON(input_magnitude->info()->dimension(Window::DimY) != input_phase->info()->dimension(Window::DimY)); - ARM_COMPUTE_ERROR_ON(hog_info->num_bins() != output->info()->num_channels()); _input_magnitude = input_magnitude; _input_phase = input_phase; @@ -656,17 +655,20 @@ void NEHOGOrientationBinningKernel::configure(const ITensor *input_magnitude, co } constexpr unsigned int num_elems_processed_per_iteration = 1; + const unsigned int num_elems_read_per_iteration = 1; + const unsigned int num_rows_read_per_iteration = _cell_height; + const unsigned int num_elems_written_per_iteration = 1; // Configure kernel window - Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration)); - AccessWindowAutoPadding output_access(output->info()); + Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration)); + AccessWindowHorizontal output_access(output->info(), 0, num_elems_written_per_iteration); update_window_and_padding(win, - AccessWindowAutoPadding(input_magnitude->info()), - AccessWindowAutoPadding(input_phase->info()), + AccessWindowRectangle(input_magnitude->info(), 0, 0, num_elems_read_per_iteration, num_rows_read_per_iteration), + AccessWindowRectangle(input_phase->info(), 0, 0, num_elems_read_per_iteration, num_rows_read_per_iteration), output_access); - output_access.set_valid_region(); + output->info()->set_valid_region(ValidRegion(Coordinates(), output->info()->tensor_shape())); INEKernel::configure(win); } @@ -675,7 +677,7 @@ void NEHOGOrientationBinningKernel::run(const Window &window) { ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); ARM_COMPUTE_ERROR_ON_INVALID_SUBWINDOW(IKernel::window(), window); - ARM_COMPUTE_ERROR_ON(nullptr == _func); + ARM_COMPUTE_ERROR_ON(_func == nullptr); const size_t mag_stride = _input_magnitude->info()->strides_in_bytes()[Window::DimY] / pixel_size_from_format(_input_magnitude->info()->format()); const size_t phase_stride = _input_phase->info()->strides_in_bytes()[Window::DimY] / pixel_size_from_format(_input_phase->info()->format()); @@ -708,16 +710,15 @@ NEHOGBlockNormalizationKernel::NEHOGBlockNormalizationKernel() void NEHOGBlockNormalizationKernel::configure(const ITensor *input, ITensor *output, const HOGInfo *hog_info) { - ARM_COMPUTE_ERROR_ON(nullptr == hog_info); - ARM_COMPUTE_ERROR_ON(input->info()->data_type() != DataType::F32); - ARM_COMPUTE_ERROR_ON(input->info()->num_channels() != hog_info->num_bins()); - ARM_COMPUTE_ERROR_ON(output->info()->data_type() != DataType::F32); + ARM_COMPUTE_ERROR_ON(hog_info == nullptr); + ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, hog_info->num_bins(), DataType::F32); + ARM_COMPUTE_ERROR_ON_DATA_TYPE_NOT_IN(output, DataType::F32); - /* Number of cells per block */ + // Number of cells per block const Size2D num_cells_per_block(hog_info->block_size().width / hog_info->cell_size().width, hog_info->block_size().height / hog_info->cell_size().height); - /* Number of cells per block stride */ + // Number of cells per block stride const Size2D num_cells_per_block_stride(hog_info->block_stride().width / hog_info->cell_size().width, hog_info->block_stride().height / hog_info->cell_size().height); @@ -748,16 +749,20 @@ void NEHOGBlockNormalizationKernel::configure(const ITensor *input, ITensor *out } constexpr unsigned int num_elems_processed_per_iteration = 1; + const unsigned int num_elems_read_per_iteration = 1; + const unsigned int num_rows_read_per_iteration = _num_cells_per_block.height; + const unsigned int num_elems_written_per_iteration = 1; + const unsigned int num_rows_written_per_iteration = _num_cells_per_block.height; // Configure kernel window - Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration)); - AccessWindowAutoPadding output_access(output->info()); + Window win = calculate_max_window(*output->info(), Steps(num_elems_processed_per_iteration)); + AccessWindowRectangle output_access(output->info(), 0, 0, num_elems_written_per_iteration, num_rows_written_per_iteration); update_window_and_padding(win, - AccessWindowAutoPadding(input->info()), + AccessWindowRectangle(input->info(), 0, 0, num_elems_read_per_iteration, num_rows_read_per_iteration), output_access); - output_access.set_valid_region(); + output_access.set_valid_region(win, input->info()->valid_region()); INEKernel::configure(win); } @@ -765,13 +770,13 @@ void NEHOGBlockNormalizationKernel::configure(const ITensor *input, ITensor *out void NEHOGBlockNormalizationKernel::run(const Window &window) { ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); - ARM_COMPUTE_ERROR_ON(nullptr == _func); + ARM_COMPUTE_ERROR_ON(_func == nullptr); ARM_COMPUTE_ERROR_ON_INVALID_SUBWINDOW(IKernel::window(), window); - /* Get number of element per block */ + // Get number of element per block const size_t num_elem_block = _output->info()->num_channels(); - /* Number of bins on the same row of the block */ + // Number of bins on the same row of the block const int32_t num_bins_block_x = _num_cells_per_block.width * _num_bins; const size_t input_stride = _input->info()->strides_in_bytes()[Window::DimY] / data_size_from_type(_input->info()->data_type()); @@ -783,13 +788,13 @@ void NEHOGBlockNormalizationKernel::run(const Window &window) Iterator in(_input, win_in); Iterator out(_output, window); - /* Normalises blocks */ + // Normalises blocks execute_window_loop(window, [&](const Coordinates & id) { const auto input_row_ptr = reinterpret_cast<const float *>(in.ptr()); const auto out_row_ptr = reinterpret_cast<float *>(out.ptr()); - /* Execute normalization function */ + // Execute normalization function (*_func)(input_row_ptr, out_row_ptr, input_stride, _num_cells_per_block.height, num_bins_block_x, num_elem_block, _l2_hyst_threshold); }, in, out); diff --git a/src/core/NEON/kernels/NEHistogramKernel.cpp b/src/core/NEON/kernels/NEHistogramKernel.cpp index 09d57a16b..9e967ec4f 100644 --- a/src/core/NEON/kernels/NEHistogramKernel.cpp +++ b/src/core/NEON/kernels/NEHistogramKernel.cpp @@ -23,14 +23,12 @@ */ #include "arm_compute/core/NEON/kernels/NEHistogramKernel.h" -#include "arm_compute/core/AccessWindowAutoPadding.h" #include "arm_compute/core/Error.h" #include "arm_compute/core/Helpers.h" #include "arm_compute/core/IDistribution1D.h" #include "arm_compute/core/ITensor.h" #include "arm_compute/core/TensorInfo.h" #include "arm_compute/core/Types.h" -#include "arm_compute/core/Validate.h" #include "arm_compute/core/Window.h" #include <algorithm> @@ -68,7 +66,7 @@ NEHistogramKernel::NEHistogramKernel() { } -void NEHistogramKernel::histogram_U8(const Window &win) +void NEHistogramKernel::histogram_U8(Window win) { ARM_COMPUTE_ERROR_ON(_output->buffer() == nullptr); @@ -89,21 +87,41 @@ void NEHistogramKernel::histogram_U8(const Window &win) } }; + const unsigned int x_start = win.x().start(); + const unsigned int x_end = win.x().end(); + + // Handle X dimension manually to split into two loops + // First one will use vector operations, second one processes the left over + // pixels + win.set(Window::DimX, Window::Dimension(0, 1, 1)); + Iterator input(_input, win); // Calculate local histogram execute_window_loop(win, [&](const Coordinates &) { - const uint8x8_t pixels = vld1_u8(input.ptr()); - - update_local_hist(vget_lane_u8(pixels, 0)); - update_local_hist(vget_lane_u8(pixels, 1)); - update_local_hist(vget_lane_u8(pixels, 2)); - update_local_hist(vget_lane_u8(pixels, 3)); - update_local_hist(vget_lane_u8(pixels, 4)); - update_local_hist(vget_lane_u8(pixels, 5)); - update_local_hist(vget_lane_u8(pixels, 6)); - update_local_hist(vget_lane_u8(pixels, 7)); + unsigned int x = x_start; + + // Vector loop + for(; x <= x_end - 8; x += 8) + { + const uint8x8_t pixels = vld1_u8(input.ptr() + x); + + update_local_hist(vget_lane_u8(pixels, 0)); + update_local_hist(vget_lane_u8(pixels, 1)); + update_local_hist(vget_lane_u8(pixels, 2)); + update_local_hist(vget_lane_u8(pixels, 3)); + update_local_hist(vget_lane_u8(pixels, 4)); + update_local_hist(vget_lane_u8(pixels, 5)); + update_local_hist(vget_lane_u8(pixels, 6)); + update_local_hist(vget_lane_u8(pixels, 7)); + } + + // Process leftover pixels + for(; x < x_end; ++x) + { + update_local_hist(input.ptr()[x]); + } }, input); @@ -111,27 +129,47 @@ void NEHistogramKernel::histogram_U8(const Window &win) merge_histogram(_output->buffer(), local_hist, bins); } -void NEHistogramKernel::histogram_fixed_U8(const Window &win) +void NEHistogramKernel::histogram_fixed_U8(Window win) { ARM_COMPUTE_ERROR_ON(_output->buffer() == nullptr); std::array<uint32_t, _max_range_size> local_hist{ { 0 } }; + const unsigned int x_start = win.x().start(); + const unsigned int x_end = win.x().end(); + + // Handle X dimension manually to split into two loops + // First one will use vector operations, second one processes the left over + // pixels + win.set(Window::DimX, Window::Dimension(0, 1, 1)); + Iterator input(_input, win); // Calculate local histogram - execute_window_loop(win, [&](const Coordinates & id) + execute_window_loop(win, [&](const Coordinates &) { - const uint8x8_t pixels = vld1_u8(input.ptr()); - - ++local_hist[vget_lane_u8(pixels, 0)]; - ++local_hist[vget_lane_u8(pixels, 1)]; - ++local_hist[vget_lane_u8(pixels, 2)]; - ++local_hist[vget_lane_u8(pixels, 3)]; - ++local_hist[vget_lane_u8(pixels, 4)]; - ++local_hist[vget_lane_u8(pixels, 5)]; - ++local_hist[vget_lane_u8(pixels, 6)]; - ++local_hist[vget_lane_u8(pixels, 7)]; + unsigned int x = x_start; + + // Vector loop + for(; x <= x_end - 8; x += 8) + { + const uint8x8_t pixels = vld1_u8(input.ptr() + x); + + ++local_hist[vget_lane_u8(pixels, 0)]; + ++local_hist[vget_lane_u8(pixels, 1)]; + ++local_hist[vget_lane_u8(pixels, 2)]; + ++local_hist[vget_lane_u8(pixels, 3)]; + ++local_hist[vget_lane_u8(pixels, 4)]; + ++local_hist[vget_lane_u8(pixels, 5)]; + ++local_hist[vget_lane_u8(pixels, 6)]; + ++local_hist[vget_lane_u8(pixels, 7)]; + } + + // Process leftover pixels + for(; x < x_end; ++x) + { + ++local_hist[input.ptr()[x]]; + } }, input); @@ -153,15 +191,6 @@ void NEHistogramKernel::calculate_window_lut() const } } -void NEHistogramKernel::run(const Window &window) -{ - ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); - ARM_COMPUTE_ERROR_ON_INVALID_SUBWINDOW(INEKernel::window(), window); - ARM_COMPUTE_ERROR_ON(_func == nullptr); - - (this->*_func)(window); -} - void NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *local_hist, uint32_t *window_lut) { ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(input); @@ -187,16 +216,9 @@ void NEHistogramKernel::configure(const IImage *input, IDistribution1D *output, // Set appropriate function _func = &NEHistogramKernel::histogram_U8; - constexpr unsigned int num_elems_processed_per_iteration = 8; + constexpr unsigned int num_elems_processed_per_iteration = 1; - // We only run histogram on Image, therefore only 2 dimensions here - const unsigned int end_position = floor_to_multiple(_input->info()->dimension(0), num_elems_processed_per_iteration); - - Window win; - win.set(0, Window::Dimension(0, end_position, num_elems_processed_per_iteration)); - win.set(1, Window::Dimension(0, _input->info()->dimension(1))); - - update_window_and_padding(win, AccessWindowAutoPadding(input->info())); + Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); INEKernel::configure(win); } @@ -213,70 +235,14 @@ void NEHistogramKernel::configure(const IImage *input, IDistribution1D *output) // Set appropriate function _func = &NEHistogramKernel::histogram_fixed_U8; - constexpr unsigned int num_elems_processed_per_iteration = 8; - - // We only run histogram on Image, therefore only 2 dimensions here - const unsigned int end_position = floor_to_multiple(_input->info()->dimension(0), num_elems_processed_per_iteration); - - Window win; - win.set(0, Window::Dimension(0, end_position, num_elems_processed_per_iteration)); - win.set(1, Window::Dimension(0, _input->info()->dimension(1))); + constexpr unsigned int num_elems_processed_per_iteration = 1; - update_window_and_padding(win, AccessWindowAutoPadding(input->info())); + Window win = calculate_max_window(*input->info(), Steps(num_elems_processed_per_iteration)); INEKernel::configure(win); } -NEHistogramBorderKernel::NEHistogramBorderKernel() - : _func(nullptr), _input(nullptr), _output(nullptr), _window_lut(nullptr) -{ -} - -bool NEHistogramBorderKernel::is_parallelisable() const -{ - return false; -} - -void NEHistogramBorderKernel::histogram_U8(const Window &win) -{ - const int32_t offset = _output->offset(); - const uint32_t offrange = offset + _output->range(); - const uint32_t *const w_lut = _window_lut; - uint32_t *const out_ptr = _output->buffer(); - - ARM_COMPUTE_ERROR_ON(out_ptr == nullptr); - - Iterator input(_input, win); - - // Calculate local histogram - execute_window_loop(win, [&](const Coordinates & id) - { - const uint8_t pixel = *input.ptr(); - - if(offset <= pixel && pixel < offrange) - { - ++out_ptr[w_lut[pixel]]; - } - }, - input); -} - -void NEHistogramBorderKernel::histogram_fixed_U8(const Window &win) -{ - uint32_t *const out_ptr = _output->buffer(); - ARM_COMPUTE_ERROR_ON(out_ptr == nullptr); - - Iterator input(_input, win); - - // Calculate local histogram - execute_window_loop(win, [&](const Coordinates & id) - { - ++out_ptr[*input.ptr()]; - }, - input); -} - -void NEHistogramBorderKernel::run(const Window &window) +void NEHistogramKernel::run(const Window &window) { ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); ARM_COMPUTE_ERROR_ON_INVALID_SUBWINDOW(INEKernel::window(), window); @@ -284,59 +250,3 @@ void NEHistogramBorderKernel::run(const Window &window) (this->*_func)(window); } - -void NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, uint32_t *window_lut, const unsigned int hist_elements_per_thread) -{ - ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(input); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON(nullptr == output); - ARM_COMPUTE_ERROR_ON(nullptr == window_lut); - - _input = input; - _output = output; - _window_lut = window_lut; - - //Check offset - ARM_COMPUTE_ERROR_ON_MSG(0 > _output->offset() || _output->offset() > static_cast<int32_t>(_max_range_size), "Offset is larger than the image value range."); - - //Check range - ARM_COMPUTE_ERROR_ON_MSG(static_cast<int32_t>(_output->range()) > static_cast<int32_t>(_max_range_size) /* max range */, "Range larger than the image value range."); - - // Set appropriate function - _func = &NEHistogramBorderKernel::histogram_U8; - - // We only run histogram on Image, therefore only 2 dimensions here - const unsigned int start_position = floor_to_multiple(input->info()->dimension(0), hist_elements_per_thread); - - ARM_COMPUTE_ERROR_ON(start_position >= input->info()->dimension(0)); - - Window win; - win.set(0, Window::Dimension(start_position, _input->info()->dimension(0))); - win.set(1, Window::Dimension(0, _input->info()->dimension(1))); - - update_window_and_padding(win, AccessWindowAutoPadding(input->info())); - - INEKernel::configure(win); -} - -void NEHistogramBorderKernel::configure(const IImage *input, IDistribution1D *output, unsigned int hist_elements_per_thread) -{ - ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(input); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON(nullptr == output); - - _input = input; - _output = output; - - // Set appropriate function - _func = &NEHistogramBorderKernel::histogram_fixed_U8; - - // We only run histogram on Image, therefore only 2 dimensions here - const unsigned int start_position = floor_to_multiple(input->info()->dimension(0), hist_elements_per_thread); - - Window win; - win.set(0, Window::Dimension(start_position, _input->info()->dimension(0))); - win.set(1, Window::Dimension(0, _input->info()->dimension(1))); - - INEKernel::configure(win); -} diff --git a/src/core/NEON/kernels/NEIm2ColKernel.cpp b/src/core/NEON/kernels/NEIm2ColKernel.cpp index e783ab6a8..4406eac23 100644 --- a/src/core/NEON/kernels/NEIm2ColKernel.cpp +++ b/src/core/NEON/kernels/NEIm2ColKernel.cpp @@ -43,13 +43,12 @@ void NEIm2ColKernel::run_generic(const Window &window) ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); ARM_COMPUTE_ERROR_ON_INVALID_SUBWINDOW(INEKernel::window(), window); - const int half_kernel_size = (_kernel_size >> 1); - const int kernel_depth = _input->info()->dimension(2); - const int input_w = _input->info()->dimension(0); - const int input_h = _input->info()->dimension(1); - const int input_stride_x = _input->info()->strides_in_bytes().x(); - const int input_stride_y = _input->info()->strides_in_bytes().y(); - const int input_stride_z = _input->info()->strides_in_bytes().z(); + const int kernel_depth = _input->info()->dimension(2); + const int input_w = _input->info()->dimension(0); + const int input_h = _input->info()->dimension(1); + const int input_stride_x = _input->info()->strides_in_bytes().x(); + const int input_stride_y = _input->info()->strides_in_bytes().y(); + const int input_stride_z = _input->info()->strides_in_bytes().z(); int pad_x = 0; int pad_y = 0; @@ -59,12 +58,14 @@ void NEIm2ColKernel::run_generic(const Window &window) std::tie(stride_x, stride_y) = _conv_info.stride(); // Setup input window - const int start_x = -pad_x + (_kernel_size >> 1); - const int start_y = -pad_y + (_kernel_size >> 1); - Window window_in(window); - window_in.set(Window::DimX, Window::Dimension(window.x().start() * stride_x + start_x, (window.x().end() * stride_x) + start_x, stride_x)); - window_in.set(Window::DimY, Window::Dimension(window.y().start() * stride_y + start_y, (window.y().end() * stride_y) + start_y, stride_y)); - window_in.set(Window::DimZ, Window::Dimension(0, _input->info()->dimension(2), _input->info()->dimension(2))); + const int start_x = -pad_x; + const int start_y = -pad_y; + + Window window_in(window); + // The first three dimensions of the input are increased by the inner loops + window_in.set(Window::DimX, Window::Dimension(0, 0, 0)); + window_in.set(Window::DimY, Window::Dimension(0, 0, 0)); + window_in.set(Window::DimZ, Window::Dimension(0, 0, 0)); // Setup output window Window window_out(window); @@ -78,9 +79,8 @@ void NEIm2ColKernel::run_generic(const Window &window) execute_window_loop(window, [&](const Coordinates & id) { - // Determine current input index - const int wi = id.x() * stride_x - pad_x; - const int hi = id.y() * stride_y - pad_y; + const int top_left_x = id.x() * stride_x + start_x; + const int top_left_y = id.y() * stride_y + start_y; // Get pointers const uint8_t *const input_ptr = in.ptr(); @@ -89,14 +89,18 @@ void NEIm2ColKernel::run_generic(const Window &window) // Linearize volume for(int d = 0; d < kernel_depth; ++d) { - int cur_h = hi; - for(int h = -half_kernel_size; h <= half_kernel_size; ++h, ++cur_h) + for(int y = top_left_y, y_e = top_left_y + static_cast<int>(_kernel_size); y < y_e; ++y) { - int cur_w = wi; - for(int w = -half_kernel_size; w <= half_kernel_size; ++w, ++cur_w, ++output_ptr) + for(int x = top_left_x, x_e = top_left_x + static_cast<int>(_kernel_size); x < x_e; ++x, ++output_ptr) { - bool is_out_of_bounds = (((cur_w < 0) || (cur_w >= input_w)) || ((cur_h < 0) || (cur_h >= input_h))); - *output_ptr = (is_out_of_bounds) ? 0 : *(reinterpret_cast<const float *>(input_ptr + (d * input_stride_z + h * input_stride_y + w * input_stride_x))); + if(x < 0 || x >= input_w || y < 0 || y >= input_h) + { + *output_ptr = 0.f; + } + else + { + *output_ptr = *(reinterpret_cast<const float *>(input_ptr + (d * input_stride_z + y * input_stride_y + x * input_stride_x))); + } } } } @@ -171,12 +175,15 @@ void NEIm2ColKernel::configure(const ITensor *input, ITensor *output, std::pair< std::tie(pad_x, pad_y) = conv_info.pad(); std::tie(stride_x, stride_y) = conv_info.stride(); - // Run the fully connected path if convolved_dims, stride_x, stride_y are 1 and pad_x, pad_y are 0. - bool is_fc = ((convolved_dims.first & convolved_dims.second & stride_x & stride_y) == 1) && ((pad_x | pad_y) == 0); + bool run_img2col_reduced = (output->info()->dimension(0) == (input->info()->dimension(0) * input->info()->dimension(1) * input->info()->dimension(2))) && (TensorShape::num_max_dimensions >= 4) + && (std::equal(input->info()->tensor_shape().cbegin() + 3, + input->info()->tensor_shape().cend(), + output->info()->tensor_shape().cbegin() + 1)) + && ((stride_x == 1) && (stride_y == 1) && (pad_x == 0) && (pad_y == 0)); Window window = calculate_max_window(*input->info(), Steps()); - if(is_fc) + if(run_img2col_reduced) { _func = &NEIm2ColKernel::run_reduced; } diff --git a/src/core/NEON/kernels/NELKTrackerKernel.cpp b/src/core/NEON/kernels/NELKTrackerKernel.cpp index dec71d25c..3d2bfb204 100644 --- a/src/core/NEON/kernels/NELKTrackerKernel.cpp +++ b/src/core/NEON/kernels/NELKTrackerKernel.cpp @@ -23,7 +23,7 @@ */ #include "arm_compute/core/NEON/kernels/NELKTrackerKernel.h" -#include "arm_compute/core/AccessWindowAutoPadding.h" +#include "arm_compute/core/AccessWindowStatic.h" #include "arm_compute/core/Coordinates.h" #include "arm_compute/core/Error.h" #include "arm_compute/core/Helpers.h" @@ -322,15 +322,20 @@ std::pair<int, int> NELKTrackerKernel::compute_image_mismatch_vector(const NELKI NELKTrackerKernel::NELKTrackerKernel() : _input_old(nullptr), _input_new(nullptr), _old_scharr_gx(nullptr), _old_scharr_gy(nullptr), _new_points(nullptr), _new_points_estimates(nullptr), _old_points(nullptr), _old_points_internal(), _new_points_internal(), _termination(Termination::TERM_CRITERIA_EPSILON), _use_initial_estimate(false), _pyramid_scale(0.0f), _epsilon(0.0f), _num_iterations(0), _window_dimension(0), _level(0), - _num_levels(0), _border_offset(0) + _num_levels(0), _valid_region() { } +BorderSize NELKTrackerKernel::border_size() const +{ + return BorderSize(1); +} + void NELKTrackerKernel::configure(const ITensor *input_old, const ITensor *input_new, const ITensor *old_scharr_gx, const ITensor *old_scharr_gy, const IKeyPointArray *old_points, const IKeyPointArray *new_points_estimates, IKeyPointArray *new_points, INELKInternalKeypointArray *old_points_internal, INELKInternalKeypointArray *new_points_internal, Termination termination, bool use_initial_estimate, float epsilon, unsigned int num_iterations, size_t window_dimension, - size_t level, size_t num_levels, float pyramid_scale, int32_t border_offset) + size_t level, size_t num_levels, float pyramid_scale) { ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input_old, 1, DataType::U8); @@ -355,27 +360,31 @@ void NELKTrackerKernel::configure(const ITensor *input_old, const ITensor *input _level = level; _num_levels = num_levels; _pyramid_scale = pyramid_scale; - _border_offset = border_offset; _num_levels = num_levels; Window window; window.set(Window::DimX, Window::Dimension(0, old_points->num_values())); window.set(Window::DimY, Window::Dimension(0, 1)); + _valid_region = intersect_valid_regions( + input_old->info()->valid_region(), + input_new->info()->valid_region(), + old_scharr_gx->info()->valid_region(), + old_scharr_gy->info()->valid_region()); + update_window_and_padding(window, - AccessWindowAutoPadding(input_old->info()), - AccessWindowAutoPadding(input_new->info()), - AccessWindowAutoPadding(old_scharr_gx->info()), - AccessWindowAutoPadding(old_scharr_gy->info())); + AccessWindowStatic(input_old->info(), _valid_region.start(0), _valid_region.start(1), + _valid_region.end(0), _valid_region.end(1)), + AccessWindowStatic(input_new->info(), _valid_region.start(0), _valid_region.start(1), + _valid_region.end(0), _valid_region.end(1)), + AccessWindowStatic(old_scharr_gx->info(), _valid_region.start(0), _valid_region.start(1), + _valid_region.end(0), _valid_region.end(1)), + AccessWindowStatic(old_scharr_gy->info(), _valid_region.start(0), _valid_region.start(1), + _valid_region.end(0), _valid_region.end(1))); INEKernel::configure(window); } -BorderSize NELKTrackerKernel::border_size() const -{ - return BorderSize(1); -} - void NELKTrackerKernel::run(const Window &window) { ARM_COMPUTE_ERROR_ON_UNCONFIGURED_KERNEL(this); @@ -396,15 +405,13 @@ void NELKTrackerKernel::run(const Window &window) int bilinear_iy[buffer_size]; const int half_window = _window_dimension / 2; - const int width = _input_old->info()->dimension(0); - const int height = _input_old->info()->dimension(1); auto is_invalid_keypoint = [&](const NELKInternalKeypoint & keypoint) { const int x = std::floor(keypoint.x); const int y = std::floor(keypoint.y); - return (x - half_window < _border_offset) || (x + half_window >= width - _border_offset - 1) || (y - half_window < _border_offset) || (y + half_window >= height - _border_offset - 1); + return (x - half_window < _valid_region.start(0)) || (x + half_window >= _valid_region.end(0) - 1) || (y - half_window < _valid_region.start(1)) || (y + half_window >= _valid_region.end(1) - 1); }; for(int list_indx = list_start; list_indx < list_end; ++list_indx) diff --git a/src/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.cpp b/src/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.cpp index 0151b0739..1826c474f 100644 --- a/src/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.cpp +++ b/src/core/NEON/kernels/NENonMaximaSuppression3x3Kernel.cpp @@ -233,7 +233,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p auto input = static_cast<const float *__restrict>(input_ptr) - 1; const auto output = static_cast<float *__restrict>(output_ptr); - /* Get centre scores */ + // Get centre scores const float32x4x4_t vc = { { @@ -244,14 +244,14 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p } }; - /* Neighboring pixels */ + // Neighboring pixels float32x4x4_t l_nc{ {} }; float32x4x4_t m_nc{ {} }; float32x4x4_t r_nc{ {} }; input -= input_stride; - /* Row0 - Low part */ + // Row0 - Low part float32x4_t tmp_low = vld1q_f32(input); float32x4_t tmp_high = vld1q_f32(input + 4); float32x4_t tmp_high1 = vld1q_f32(input + 8); @@ -267,7 +267,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p m_nc.val[1] = vextq_f32(tmp_low, tmp_high, 1); r_nc.val[1] = vextq_f32(tmp_low, tmp_high, 2); - /* Row0 - High part */ + // Row0 - High part tmp_low = tmp_high1; tmp_high = vld1q_f32(input + 12); tmp_high1 = vld1q_f32(input + 16); @@ -283,7 +283,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p m_nc.val[3] = vextq_f32(tmp_low, tmp_high, 1); r_nc.val[3] = vextq_f32(tmp_low, tmp_high, 2); - /* mc >= nc.val[0], mc >= nc.val[1], mc >= nc.val[2] */ + // mc >= nc.val[0], mc >= nc.val[1], mc >= nc.val[2] uint32x4x4_t mask{ {} }; mask.val[0] = vcgeq_f32(vc.val[0], l_nc.val[0]); mask.val[0] = vandq_u32(mask.val[0], vcgeq_f32(vc.val[0], m_nc.val[0])); @@ -300,7 +300,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p input += input_stride; - /* Row1 - Low part */ + // Row1 - Low part tmp_low = vld1q_f32(input); tmp_high = vld1q_f32(input + 4); tmp_high1 = vld1q_f32(input + 8); @@ -314,7 +314,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p l_nc.val[1] = tmp_low; r_nc.val[1] = vextq_f32(tmp_low, tmp_high, 2); - /* Row1 - High part */ + // Row1 - High part tmp_low = tmp_high1; tmp_high = vld1q_f32(input + 12); tmp_high1 = vld1q_f32(input + 16); @@ -328,7 +328,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p l_nc.val[3] = tmp_low; r_nc.val[3] = vextq_f32(tmp_low, tmp_high, 2); - /* mc >= nc.val[0], mc > nc.val[2] */ + // mc >= nc.val[0], mc > nc.val[2] mask.val[0] = vandq_u32(mask.val[0], vcgeq_f32(vc.val[0], l_nc.val[0])); mask.val[0] = vandq_u32(mask.val[0], vcgtq_f32(vc.val[0], r_nc.val[0])); mask.val[1] = vandq_u32(mask.val[1], vcgeq_f32(vc.val[1], l_nc.val[1])); @@ -340,7 +340,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p input += input_stride; - /* Row2 - Low part */ + // Row2 - Low part tmp_low = vld1q_f32(input); tmp_high = vld1q_f32(input + 4); tmp_high1 = vld1q_f32(input + 8); @@ -356,7 +356,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p m_nc.val[1] = vextq_f32(tmp_low, tmp_high, 1); r_nc.val[1] = vextq_f32(tmp_low, tmp_high, 2); - /* Row2 - High part */ + // Row2 - High part tmp_low = tmp_high1; tmp_high = vld1q_f32(input + 12); tmp_high1 = vld1q_f32(input + 16); @@ -372,7 +372,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p m_nc.val[3] = vextq_f32(tmp_low, tmp_high, 1); r_nc.val[3] = vextq_f32(tmp_low, tmp_high, 2); - /* mc > nc.val[0], mc > nc.val[1], mc > nc.val[2] */ + // mc > nc.val[0], mc > nc.val[1], mc > nc.val[2] mask.val[0] = vandq_u32(mask.val[0], vcgtq_f32(vc.val[0], l_nc.val[0])); mask.val[0] = vandq_u32(mask.val[0], vcgtq_f32(vc.val[0], m_nc.val[0])); mask.val[0] = vandq_u32(mask.val[0], vcgtq_f32(vc.val[0], r_nc.val[0])); @@ -388,7 +388,7 @@ inline void non_maxima_suppression3x3_FLOAT_FLOAT(const void *__restrict input_p static const float32x4_t zero = vdupq_n_f32(0.f); - /* Store */ + // Store vst1q_f32(output + 0, vbslq_f32(mask.val[0], vc.val[0], zero)); vst1q_f32(output + 4, vbslq_f32(mask.val[1], vc.val[1], zero)); vst1q_f32(output + 8, vbslq_f32(mask.val[2], vc.val[2], zero)); @@ -400,51 +400,51 @@ inline void non_maxima_suppression3x3_U8_U8(const void *__restrict input_ptr, vo auto input = static_cast<const uint8_t *__restrict>(input_ptr) - 1; const auto output = static_cast<uint8_t *__restrict>(output_ptr); - /* Get centre scores */ + // Get centre scores const uint8x16_t vc = vld1q_u8(input + 1); - /* Neighboring pixels */ + // Neighboring pixels uint8x16_t l_nc{}; uint8x16_t m_nc{}; uint8x16_t r_nc{}; input -= input_stride; - /* Row0 */ + // Row0 l_nc = vld1q_u8(input); m_nc = vld1q_u8(input + 1); r_nc = vld1q_u8(input + 2); - /* mc >= l_nc, mc >= m_nc, mc >= r_nc */ + // mc >= l_nc, mc >= m_nc, mc >= r_nc uint8x16_t mask = vcgeq_u8(vc, l_nc); mask = vandq_u8(mask, vcgeq_u8(vc, m_nc)); mask = vandq_u8(mask, vcgeq_u8(vc, r_nc)); input += input_stride; - /* Row1 */ + // Row1 l_nc = vld1q_u8(input); r_nc = vld1q_u8(input + 2); - /* mc >= l_nc, mc > r_nc */ + // mc >= l_nc, mc > r_nc mask = vandq_u8(mask, vcgeq_u8(vc, l_nc)); mask = vandq_u8(mask, vcgtq_u8(vc, r_nc)); input += input_stride; - /* Row2 */ + // Row2 l_nc = vld1q_u8(input); m_nc = vld1q_u8(input + 1); r_nc = vld1q_u8(input + 2); - /* mc > l_nc, mc > m_nc, mc > r_nc */ + // mc > l_nc, mc > m_nc, mc > r_nc mask = vandq_u8(mask, vcgtq_u8(vc, l_nc)); mask = vandq_u8(mask, vcgtq_u8(vc, m_nc)); mask = vandq_u8(mask, vcgtq_u8(vc, r_nc)); static const uint8x16_t zero = vdupq_n_u8(0); - /* Store */ + // Store vst1q_u8(output, vbslq_u8(mask, vc, zero)); } } // namespace diff --git a/src/core/NEON/kernels/NENormalizationLayerKernel.cpp b/src/core/NEON/kernels/NENormalizationLayerKernel.cpp index a03af85b5..90ce0e543 100644 --- a/src/core/NEON/kernels/NENormalizationLayerKernel.cpp +++ b/src/core/NEON/kernels/NENormalizationLayerKernel.cpp @@ -109,7 +109,7 @@ void NENormalizationLayerKernel::normalize(const Window &window) // Normalize const float32x4_t normalized = vpowq_f32(vmlaq_f32(kappa_vec, coeff_vec, accu), beta_vec); - const float32x4_t normalized_pixel = vmulq_f32(vld1q_f32(reinterpret_cast<float *>(input.ptr())), vinv_f32(normalized)); + const float32x4_t normalized_pixel = vmulq_f32(vld1q_f32(reinterpret_cast<float *>(input.ptr())), vinvq_f32(normalized)); vst1q_f32(reinterpret_cast<float *>(output.ptr()), normalized_pixel); }, input, input_squared, output); diff --git a/src/core/NEON/kernels/NESoftmaxLayerKernel.cpp b/src/core/NEON/kernels/NESoftmaxLayerKernel.cpp index 4f4cbe22b..a6e6cad62 100644 --- a/src/core/NEON/kernels/NESoftmaxLayerKernel.cpp +++ b/src/core/NEON/kernels/NESoftmaxLayerKernel.cpp @@ -181,7 +181,7 @@ void NELogits1DShiftExpSumKernel::run(const Window &window) float32x4_t vec_elements = vld1q_f32(in_ptr); vec_elements = vsubq_f32(vec_elements, vec_max); - vec_elements = vexp_f32(vec_elements); + vec_elements = vexpq_f32(vec_elements); vst1q_f32(exp_ptr, vec_elements); diff --git a/src/runtime/CL/CLTensorAllocator.cpp b/src/runtime/CL/CLTensorAllocator.cpp index f18609207..8112a7148 100644 --- a/src/runtime/CL/CLTensorAllocator.cpp +++ b/src/runtime/CL/CLTensorAllocator.cpp @@ -52,6 +52,14 @@ void CLTensorAllocator::allocate() info().set_is_resizable(false); } +void CLTensorAllocator::free() +{ + ARM_COMPUTE_ERROR_ON(_buffer.get() == nullptr); + + _buffer = cl::Buffer(); + info().set_is_resizable(true); +} + uint8_t *CLTensorAllocator::lock() { ARM_COMPUTE_ERROR_ON(_mapping != nullptr); diff --git a/src/runtime/CL/functions/CLGEMMInterleave4x4.cpp b/src/runtime/CL/functions/CLGEMMInterleave4x4.cpp new file mode 100644 index 000000000..9dc77156e --- /dev/null +++ b/src/runtime/CL/functions/CLGEMMInterleave4x4.cpp @@ -0,0 +1,36 @@ +/* + * Copyright (c) 2017 ARM Limited. + * + * SPDX-License-Identifier: MIT + * + * Permission is hereby granted, free of charge, to any person obtaining a copy + * of this software and associated documentation files (the "Software"), to + * deal in the Software without restriction, including without limitation the + * rights to use, copy, modify, merge, publish, distribute, sublicense, and/or + * sell copies of the Software, and to permit persons to whom the Software is + * furnished to do so, subject to the following conditions: + * + * The above copyright notice and this permission notice shall be included in all + * copies or substantial portions of the Software. + * + * THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + * IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + * FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + * AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + * LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + * OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + * SOFTWARE. + */ +#include "arm_compute/runtime/CL/functions/CLGEMMInterleave4x4.h" + +#include "arm_compute/core/CL/kernels/CLGEMMInterleave4x4Kernel.h" +#include "arm_compute/core/Helpers.h" + +using namespace arm_compute; + +void CLGEMMInterleave4x4::configure(const ICLTensor *input, ICLTensor *output) +{ + auto k = arm_compute::cpp14::make_unique<CLGEMMInterleave4x4Kernel>(); + k->configure(input, output); + _kernel = std::move(k); +} diff --git a/src/runtime/NEON/functions/NEConvolution.cpp b/src/runtime/NEON/functions/NEConvolution.cpp index 582c9a437..c2b3d7a51 100644 --- a/src/runtime/NEON/functions/NEConvolution.cpp +++ b/src/runtime/NEON/functions/NEConvolution.cpp @@ -47,32 +47,34 @@ void NEConvolution3x3::configure(ITensor *input, ITensor *output, const int16_t _border_handler.configure(input, _kernel->border_size(), border_mode, PixelValue(constant_border_value)); } -NEConvolution5x5::NEConvolution5x5() +template <unsigned int matrix_size> +NEConvolutionSquare<matrix_size>::NEConvolutionSquare() : _tmp(), _is_separable(false), _kernel_hor(), _kernel_vert(), _kernel(), _border_handler() { } -void NEConvolution5x5::configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value) +template <unsigned int matrix_size> +void NEConvolutionSquare<matrix_size>::configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value) { ARM_COMPUTE_ERROR_ON(conv == nullptr); ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8, DataType::S16); - std::array<int16_t, 5> conv_col{ { 0 } }; - std::array<int16_t, 5> conv_row{ { 0 } }; + std::array<int16_t, matrix_size> conv_col{ { 0 } }; + std::array<int16_t, matrix_size> conv_row{ { 0 } }; - _is_separable = separate_matrix(conv, conv_col.data(), conv_row.data(), 5); + _is_separable = separate_matrix(conv, conv_col.data(), conv_row.data(), matrix_size); if(_is_separable) { DataType intermediate_type = DataType::UNKNOWN; - std::tie(std::ignore, intermediate_type) = data_type_for_convolution(conv_col.data(), conv_row.data(), 5); + std::tie(std::ignore, intermediate_type) = data_type_for_convolution(conv_col.data(), conv_row.data(), matrix_size); _tmp.allocator()->init(TensorInfo(input->info()->tensor_shape(), 1, intermediate_type)); if(scale == 0) { - scale = calculate_matrix_scale(conv, 5); + scale = calculate_matrix_scale(conv, matrix_size); } _kernel_hor.configure(input, &_tmp, conv_row.data(), border_mode == BorderMode::UNDEFINED); @@ -89,7 +91,8 @@ void NEConvolution5x5::configure(ITensor *input, ITensor *output, const int16_t } } -void NEConvolution5x5::run() +template <unsigned int matrix_size> +void NEConvolutionSquare<matrix_size>::run() { _border_handler.run(_border_handler.window()); @@ -104,119 +107,9 @@ void NEConvolution5x5::run() } } -NEConvolution7x7::NEConvolution7x7() - : _tmp(), _is_separable(false), _kernel_hor(), _kernel_vert(), _kernel(), _border_handler() -{ -} - -void NEConvolution7x7::configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value) -{ - ARM_COMPUTE_ERROR_ON(conv == nullptr); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8, DataType::S16); - - std::array<int16_t, 7> conv_col{ { 0 } }; - std::array<int16_t, 7> conv_row{ { 0 } }; - - _is_separable = separate_matrix(conv, conv_col.data(), conv_row.data(), 7); - - if(_is_separable) - { - DataType intermediate_type = DataType::UNKNOWN; - std::tie(std::ignore, intermediate_type) = data_type_for_convolution(conv_col.data(), conv_row.data(), 7); - - _tmp.allocator()->init(TensorInfo(input->info()->tensor_shape(), 1, intermediate_type)); - - if(scale == 0) - { - scale = calculate_matrix_scale(conv, 7); - } - - _kernel_hor.configure(input, &_tmp, conv_row.data(), border_mode == BorderMode::UNDEFINED); - _kernel_vert.configure(&_tmp, output, conv_col.data(), scale, border_mode == BorderMode::UNDEFINED); - - _tmp.allocator()->allocate(); - - _border_handler.configure(input, _kernel_hor.border_size(), border_mode, PixelValue(constant_border_value)); - } - else - { - _kernel.configure(input, output, conv, scale, border_mode == BorderMode::UNDEFINED); - _border_handler.configure(input, _kernel.border_size(), border_mode, PixelValue(constant_border_value)); - } -} - -void NEConvolution7x7::run() -{ - _border_handler.run(_border_handler.window()); - - if(_is_separable) - { - NEScheduler::get().multithread(&_kernel_hor); - NEScheduler::get().multithread(&_kernel_vert); - } - else - { - NEScheduler::get().multithread(&_kernel); - } -} - -NEConvolution9x9::NEConvolution9x9() - : _tmp(), _is_separable(false), _kernel_hor(), _kernel_vert(), _kernel(), _border_handler() -{ -} - -void NEConvolution9x9::configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value) -{ - ARM_COMPUTE_ERROR_ON(conv == nullptr); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8, DataType::S16); - - std::array<int16_t, 9> conv_col{ { 0 } }; - std::array<int16_t, 9> conv_row{ { 0 } }; - - _is_separable = separate_matrix(conv, conv_col.data(), conv_row.data(), 9); - - if(_is_separable) - { - DataType intermediate_type = DataType::UNKNOWN; - std::tie(std::ignore, intermediate_type) = data_type_for_convolution(conv_col.data(), conv_row.data(), 9); - - _tmp.allocator()->init(TensorInfo(input->info()->tensor_shape(), 1, intermediate_type)); - - if(scale == 0) - { - scale = calculate_matrix_scale(conv, 9); - } - - _kernel_hor.configure(input, &_tmp, conv_row.data(), border_mode == BorderMode::UNDEFINED); - _kernel_vert.configure(&_tmp, output, conv_col.data(), scale, border_mode == BorderMode::UNDEFINED); - - _tmp.allocator()->allocate(); - - _border_handler.configure(input, _kernel_hor.border_size(), border_mode, PixelValue(constant_border_value)); - } - else - { - _kernel.configure(input, output, conv, scale, border_mode == BorderMode::UNDEFINED); - _border_handler.configure(input, _kernel.border_size(), border_mode, PixelValue(constant_border_value)); - } -} - -void NEConvolution9x9::run() -{ - _border_handler.run(_border_handler.window()); - - if(_is_separable) - { - NEScheduler::get().multithread(&_kernel_hor); - NEScheduler::get().multithread(&_kernel_vert); - } - else - { - NEScheduler::get().multithread(&_kernel); - } -} +template class arm_compute::NEConvolutionSquare<5>; +template class arm_compute::NEConvolutionSquare<7>; +template class arm_compute::NEConvolutionSquare<9>; void NEConvolutionRectangle::configure(ITensor *input, ITensor *output, const int16_t *conv, uint32_t rows, uint32_t cols, uint32_t scale, BorderMode border_mode, uint8_t constant_border_value) { diff --git a/src/runtime/NEON/functions/NEConvolutionLayer.cpp b/src/runtime/NEON/functions/NEConvolutionLayer.cpp index 27eb4bc63..aae4a67ee 100644 --- a/src/runtime/NEON/functions/NEConvolutionLayer.cpp +++ b/src/runtime/NEON/functions/NEConvolutionLayer.cpp @@ -60,7 +60,10 @@ void NEConvolutionLayer::configure(const ITensor *input, const ITensor *weights, _is_first_run = true; // Get parameters for conv_info - unsigned int stride_x, stride_y, pad_x, pad_y = 0; + unsigned int stride_x = 0; + unsigned int stride_y = 0; + unsigned int pad_x = 0; + unsigned int pad_y = 0; std::tie(stride_x, stride_y) = conv_info.stride(); std::tie(pad_x, pad_y) = conv_info.pad(); @@ -72,21 +75,21 @@ void NEConvolutionLayer::configure(const ITensor *input, const ITensor *weights, ARM_COMPUTE_ERROR_ON_MSG((output->info()->dimension(0) != conv_w) || (output->info()->dimension(1) != conv_h), "Output shape does not match the expected one"); // Create tensor to store the reshaped weights - const size_t mat_weights_cols = weights->info()->dimension(3); - const size_t mat_weights_rows = weights->info()->dimension(0) * weights->info()->dimension(1) * weights->info()->dimension(2) + ((_has_bias) ? 1 : 0); - const TensorShape shape_wr(mat_weights_cols, mat_weights_rows); - TensorInfo info_wr(shape_wr, 1, weights->info()->data_type()); + const unsigned int mat_weights_cols = weights->info()->dimension(3); + const unsigned int mat_weights_rows = weights->info()->dimension(0) * weights->info()->dimension(1) * weights->info()->dimension(2) + (_has_bias ? 1 : 0); + TensorShape shape_wr(mat_weights_cols, mat_weights_rows); + TensorInfo info_wr(shape_wr, 1, weights->info()->data_type()); _weights_reshaped.allocator()->init(info_wr); // Create tensor to store transposed weights - TensorShape shape_wt(mat_weights_rows * 4, static_cast<size_t>(std::ceil(mat_weights_cols / 4.f))); + TensorShape shape_wt(mat_weights_rows * 4, static_cast<unsigned int>(std::ceil(mat_weights_cols / 4.f))); TensorInfo info_wt(shape_wt, 1, weights->info()->data_type()); _weights_transposed.allocator()->init(info_wt); // Create tensor to store im2col reshaped inputs - const size_t mat_input_cols = mat_weights_rows; - const size_t mat_input_rows = conv_w * conv_h; - TensorShape shape_im2col = input->info()->tensor_shape(); + const unsigned int mat_input_cols = mat_weights_rows; + const unsigned int mat_input_rows = conv_w * conv_h; + TensorShape shape_im2col = input->info()->tensor_shape(); shape_im2col.set(0, mat_input_cols); shape_im2col.set(1, mat_input_rows); shape_im2col.set(2, 1); @@ -96,7 +99,7 @@ void NEConvolutionLayer::configure(const ITensor *input, const ITensor *weights, // Create tensor to prepare input tensor for GEMM TensorShape shape_interleaved = shape_im2col; shape_interleaved.set(0, shape_interleaved.x() * 4); - shape_interleaved.set(1, std::ceil(static_cast<float>(shape_interleaved.y()) / 4)); + shape_interleaved.set(1, std::ceil(shape_interleaved.y() / 4.f)); TensorInfo info_interleaved(shape_interleaved, 1, input->info()->data_type()); _input_interleaved_reshaped.allocator()->init(info_interleaved); diff --git a/src/runtime/NEON/functions/NEEqualizeHistogram.cpp b/src/runtime/NEON/functions/NEEqualizeHistogram.cpp index 7d987ce07..a8b132d25 100644 --- a/src/runtime/NEON/functions/NEEqualizeHistogram.cpp +++ b/src/runtime/NEON/functions/NEEqualizeHistogram.cpp @@ -32,8 +32,7 @@ using namespace arm_compute; NEEqualizeHistogram::NEEqualizeHistogram() - : _histogram_kernel(), _border_histogram_kernel(), _cd_histogram_kernel(), _map_histogram_kernel(), _hist(nr_bins, 0, max_range), _cum_dist(nr_bins, 0, max_range), _cd_lut(nr_bins, DataType::U8), - _run_border_hist(false) + : _histogram_kernel(), _cd_histogram_kernel(), _map_histogram_kernel(), _hist(nr_bins, 0, max_range), _cum_dist(nr_bins, 0, max_range), _cd_lut(nr_bins, DataType::U8) { } @@ -43,22 +42,9 @@ void NEEqualizeHistogram::configure(const IImage *input, IImage *output) ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(output); ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(input, 1, DataType::U8); ARM_COMPUTE_ERROR_ON_DATA_TYPE_CHANNEL_NOT_IN(output, 1, DataType::U8); - ARM_COMPUTE_ERROR_ON_MSG((input->info()->dimension(0) % 16) != 0, "Currently the width of the image must be a multiple of 16"); // Configure kernels _histogram_kernel.configure(input, &_hist); - - //COMPMID-196: Figure out how to handle the border part - ARM_COMPUTE_UNUSED(_run_border_hist); -#if 0 - _run_border_hist = (input->info()->dimension(0) % _histogram_kernel.num_elems_processed_per_iteration()) != 0U; - - if(_run_border_hist) - { - _border_histogram_kernel.configure(input, &_hist, _histogram_kernel.num_elems_processed_per_iteration()); - } -#endif - _cd_histogram_kernel.configure(input, &_hist, &_cum_dist, &_cd_lut); _map_histogram_kernel.configure(input, &_cd_lut, output); } @@ -68,15 +54,6 @@ void NEEqualizeHistogram::run() // Calculate histogram of input. NEScheduler::get().multithread(&_histogram_kernel); - // Calculate remaining pixels when image is not multiple of the elements of histogram kernel - //COMPMID-196: Figure out how to handle the border part -#if 0 - if(_run_border_hist) - { - _border_histogram_kernel.run(_border_histogram_kernel.window()); - } -#endif - // Calculate cumulative distribution of histogram and create LUT. _cd_histogram_kernel.run(_cd_histogram_kernel.window()); diff --git a/src/runtime/NEON/functions/NEHistogram.cpp b/src/runtime/NEON/functions/NEHistogram.cpp index 0df9d1bf5..6747f2e91 100644 --- a/src/runtime/NEON/functions/NEHistogram.cpp +++ b/src/runtime/NEON/functions/NEHistogram.cpp @@ -27,7 +27,6 @@ #include "arm_compute/core/Helpers.h" #include "arm_compute/core/IDistribution1D.h" #include "arm_compute/core/ITensor.h" -#include "arm_compute/core/NEON/kernels/NEHistogramKernel.h" #include "arm_compute/core/TensorInfo.h" #include "arm_compute/core/Validate.h" #include "arm_compute/runtime/NEON/NEScheduler.h" @@ -35,7 +34,7 @@ using namespace arm_compute; NEHistogram::NEHistogram() - : _histogram_kernel(), _border_histogram_kernel(), _local_hist(), _window_lut(arm_compute::cpp14::make_unique<uint32_t[]>(window_lut_default_size)), _local_hist_size(0), _run_border_hist(false) + : _histogram_kernel(), _local_hist(), _window_lut(arm_compute::cpp14::make_unique<uint32_t[]>(window_lut_default_size)), _local_hist_size(0) { } @@ -43,38 +42,17 @@ void NEHistogram::configure(const IImage *input, IDistribution1D *output) { ARM_COMPUTE_ERROR_ON_TENSOR_NOT_2D(input); ARM_COMPUTE_ERROR_ON(nullptr == output); - ARM_COMPUTE_ERROR_ON_MSG((input->info()->dimension(0) % 16) != 0, "Currently the width of the image must be a multiple of 16"); // Allocate space for threads local histograms _local_hist_size = output->num_bins() * NEScheduler::get().num_threads(); _local_hist = arm_compute::cpp14::make_unique<uint32_t[]>(_local_hist_size); - // Configure kernels + // Configure kernel _histogram_kernel.configure(input, output, _local_hist.get(), _window_lut.get()); - - //COMPMID-196: Figure out how to handle the border part - ARM_COMPUTE_UNUSED(_run_border_hist); -#if 0 - _run_border_hist = (input->info()->dimension(0) % _histogram_kernel.num_elems_processed_per_iteration()) != 0U; - - if(_run_border_hist) - { - _border_histogram_kernel.configure(input, output, _window_lut.get(), _histogram_kernel.num_elems_processed_per_iteration()); - } -#endif } void NEHistogram::run() { // Calculate histogram of input. NEScheduler::get().multithread(&_histogram_kernel); - - // Calculate remaining pixels when image is not multiple of the elements of histogram kernel - //COMPMID-196: Figure out how to handle the border part -#if 0 - if(_run_border_hist) - { - _border_histogram_kernel.run(_border_histogram_kernel.window()); - } -#endif } diff --git a/src/runtime/NEON/functions/NEOpticalFlow.cpp b/src/runtime/NEON/functions/NEOpticalFlow.cpp index bd89a0b34..993153b3e 100644 --- a/src/runtime/NEON/functions/NEOpticalFlow.cpp +++ b/src/runtime/NEON/functions/NEOpticalFlow.cpp @@ -74,15 +74,13 @@ void NEOpticalFlow::configure(const Pyramid *old_pyramid, const Pyramid *new_pyr _new_points_internal = LKInternalKeypointArray(old_points->num_values()); _new_points->resize(old_points->num_values()); - const int border_offset = BorderMode::UNDEFINED == border_mode ? 1 : 0; - - for(size_t i = 0; i < _num_levels; ++i) + for(unsigned int i = 0; i < _num_levels; ++i) { - /* Get images from the ith level of old and right pyramid */ + // Get images from the ith level of old and right pyramid IImage *old_ith_input = old_pyramid->get_pyramid_level(i); IImage *new_ith_input = new_pyramid->get_pyramid_level(i); - /* Get width and height of images */ + // Get width and height of images const unsigned int width_ith = old_ith_input->info()->dimension(0); const unsigned int height_ith = new_ith_input->info()->dimension(1); @@ -91,15 +89,15 @@ void NEOpticalFlow::configure(const Pyramid *old_pyramid, const Pyramid *new_pyr _scharr_gx[i].allocator()->init(tensor_info); _scharr_gy[i].allocator()->init(tensor_info); - /* Init Scharr kernel */ + // Init Scharr kernel _func_scharr[i].configure(old_ith_input, _scharr_gx.get() + i, _scharr_gy.get() + i, border_mode, constant_border_value); - /* Init Lucas-Kanade kernel */ + // Init Lucas-Kanade kernel _kernel_tracker[i].configure(old_ith_input, new_ith_input, _scharr_gx.get() + i, _scharr_gy.get() + i, old_points, new_points_estimates, new_points, &_old_points_internal, &_new_points_internal, termination, use_initial_estimate, epsilon, num_iterations, window_dimension, - i, _num_levels, pyr_scale, border_offset); + i, _num_levels, pyr_scale); _scharr_gx[i].allocator()->allocate(); _scharr_gy[i].allocator()->allocate(); @@ -112,7 +110,7 @@ void NEOpticalFlow::run() for(unsigned int level = _num_levels; level > 0; --level) { - /* Run Scharr kernel */ + // Run Scharr kernel _func_scharr[level - 1].run(); /* Run Lucas-Kanade kernel */ diff --git a/src/runtime/TensorAllocator.cpp b/src/runtime/TensorAllocator.cpp index a272ac233..5c719c761 100644 --- a/src/runtime/TensorAllocator.cpp +++ b/src/runtime/TensorAllocator.cpp @@ -101,6 +101,14 @@ void TensorAllocator::allocate() info().set_is_resizable(false); } +void TensorAllocator::free() +{ + ARM_COMPUTE_ERROR_ON(_buffer == nullptr); + + _buffer.reset(); + info().set_is_resizable(true); +} + uint8_t *TensorAllocator::lock() { return (_buffer != nullptr) ? _buffer.get()->data() : nullptr; diff --git a/test_helpers/Utils.cpp b/test_helpers/Utils.cpp index 10f7e8baf..43cea53a6 100644 --- a/test_helpers/Utils.cpp +++ b/test_helpers/Utils.cpp @@ -27,7 +27,9 @@ #include <cerrno> #include <iomanip> #include <string> -#include <cerrno> + +using namespace arm_compute; + namespace { /* Advance the iterator to the first character which is not a comment diff --git a/test_helpers/Utils.h b/test_helpers/Utils.h index 5b218cfd1..bf4fc8fc4 100644 --- a/test_helpers/Utils.h +++ b/test_helpers/Utils.h @@ -40,8 +40,6 @@ #include <fstream> #include <iostream> -using namespace arm_compute; - namespace test_helpers { /** Signature of an example to run @@ -67,7 +65,7 @@ int run_example(int argc, const char **argv, example &func); * @param[in] g Green colour to use * @param[in] b Blue colour to use */ -void draw_detection_rectangle(ITensor *tensor, const DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b); +void draw_detection_rectangle(arm_compute::ITensor *tensor, const arm_compute::DetectionWindow &rect, uint8_t r, uint8_t g, uint8_t b); /** Parse the ppm header from an input file stream. At the end of the execution, * the file position pointer will be located at the first pixel stored in the ppm file @@ -122,13 +120,13 @@ public: * @param[in] format Format to use for the image (Must be RGB888 or U8) */ template <typename T> - void init_image(T &image, Format format) + void init_image(T &image, arm_compute::Format format) { ARM_COMPUTE_ERROR_ON(!is_open()); - ARM_COMPUTE_ERROR_ON(format != Format::RGB888 && format != Format::U8); + ARM_COMPUTE_ERROR_ON(format != arm_compute::Format::RGB888 && format != arm_compute::Format::U8); // Use the size of the input PPM image - TensorInfo image_info(_width, _height, format); + arm_compute::TensorInfo image_info(_width, _height, format); image.allocator()->init(image_info); } @@ -143,12 +141,12 @@ public: { ARM_COMPUTE_ERROR_ON(!is_open()); ARM_COMPUTE_ERROR_ON(image.info()->dimension(0) != _width || image.info()->dimension(1) != _height); - ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(&image, Format::U8, Format::RGB888); + ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(&image, arm_compute::Format::U8, arm_compute::Format::RGB888); try { #ifdef ARM_COMPUTE_CL // Map buffer if creating a CLTensor - if(std::is_same<typename std::decay<T>::type, CLImage>::value) + if(std::is_same<typename std::decay<T>::type, arm_compute::CLImage>::value) { image.map(); } @@ -165,21 +163,21 @@ public: switch(image.info()->format()) { - case Format::U8: + case arm_compute::Format::U8: { // We need to convert the data from RGB to grayscale: // Iterate through every pixel of the image - Window window; - window.set(Window::DimX, Window::Dimension(0, _width, 1)); - window.set(Window::DimY, Window::Dimension(0, _height, 1)); + arm_compute::Window window; + window.set(arm_compute::Window::DimX, arm_compute::Window::Dimension(0, _width, 1)); + window.set(arm_compute::Window::DimY, arm_compute::Window::Dimension(0, _height, 1)); - Iterator out(&image, window); + arm_compute::Iterator out(&image, window); unsigned char red = 0; unsigned char green = 0; unsigned char blue = 0; - execute_window_loop(window, [&](const Coordinates & id) + arm_compute::execute_window_loop(window, [&](const arm_compute::Coordinates & id) { red = _fs.get(); green = _fs.get(); @@ -191,16 +189,16 @@ public: break; } - case Format::RGB888: + case arm_compute::Format::RGB888: { // There is no format conversion needed: we can simply copy the content of the input file to the image one row at the time. // Create a vertical window to iterate through the image's rows: - Window window; - window.set(Window::DimY, Window::Dimension(0, _height, 1)); + arm_compute::Window window; + window.set(arm_compute::Window::DimY, arm_compute::Window::Dimension(0, _height, 1)); - Iterator out(&image, window); + arm_compute::Iterator out(&image, window); - execute_window_loop(window, [&](const Coordinates & id) + arm_compute::execute_window_loop(window, [&](const arm_compute::Coordinates & id) { // Copy one row from the input file to the current row of the image: _fs.read(reinterpret_cast<std::fstream::char_type *>(out.ptr()), _width * image.info()->element_size()); @@ -215,7 +213,7 @@ public: #ifdef ARM_COMPUTE_CL // Unmap buffer if creating a CLTensor - if(std::is_same<typename std::decay<T>::type, CLTensor>::value) + if(std::is_same<typename std::decay<T>::type, arm_compute::CLTensor>::value) { image.unmap(); } @@ -244,7 +242,7 @@ private: template <typename T> void save_to_ppm(T &tensor, const std::string &ppm_filename) { - ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(&tensor, Format::RGB888, Format::U8); + ARM_COMPUTE_ERROR_ON_FORMAT_NOT_IN(&tensor, arm_compute::Format::RGB888, arm_compute::Format::U8); ARM_COMPUTE_ERROR_ON(tensor.info()->num_dimensions() > 2); std::ofstream fs; @@ -262,7 +260,7 @@ void save_to_ppm(T &tensor, const std::string &ppm_filename) #ifdef ARM_COMPUTE_CL // Map buffer if creating a CLTensor - if(std::is_same<typename std::decay<T>::type, CLTensor>::value) + if(std::is_same<typename std::decay<T>::type, arm_compute::CLTensor>::value) { tensor.map(); } @@ -270,15 +268,15 @@ void save_to_ppm(T &tensor, const std::string &ppm_filename) switch(tensor.info()->format()) { - case Format::U8: + case arm_compute::Format::U8: { - Window window; - window.set(Window::DimX, Window::Dimension(0, width, 1)); - window.set(Window::DimY, Window::Dimension(0, height, 1)); + arm_compute::Window window; + window.set(arm_compute::Window::DimX, arm_compute::Window::Dimension(0, width, 1)); + window.set(arm_compute::Window::DimY, arm_compute::Window::Dimension(0, height, 1)); - Iterator in(&tensor, window); + arm_compute::Iterator in(&tensor, window); - execute_window_loop(window, [&](const Coordinates & id) + arm_compute::execute_window_loop(window, [&](const arm_compute::Coordinates & id) { const unsigned char value = *in.ptr(); @@ -288,15 +286,15 @@ void save_to_ppm(T &tensor, const std::string &ppm_filename) break; } - case Format::RGB888: + case arm_compute::Format::RGB888: { - Window window; - window.set(Window::DimX, Window::Dimension(0, width, width)); - window.set(Window::DimY, Window::Dimension(0, height, 1)); + arm_compute::Window window; + window.set(arm_compute::Window::DimX, arm_compute::Window::Dimension(0, width, width)); + window.set(arm_compute::Window::DimY, arm_compute::Window::Dimension(0, height, 1)); - Iterator in(&tensor, window); + arm_compute::Iterator in(&tensor, window); - execute_window_loop(window, [&](const Coordinates & id) + arm_compute::execute_window_loop(window, [&](const arm_compute::Coordinates & id) { fs.write(reinterpret_cast<std::fstream::char_type *>(in.ptr()), width * tensor.info()->element_size()); }, @@ -309,7 +307,7 @@ void save_to_ppm(T &tensor, const std::string &ppm_filename) } #ifdef ARM_COMPUTE_CL // Unmap buffer if creating a CLTensor - if(std::is_same<typename std::decay<T>::type, CLTensor>::value) + if(std::is_same<typename std::decay<T>::type, arm_compute::CLTensor>::value) { tensor.unmap(); } |